diff --git a/docs/notebooks/topic_network.ipynb b/docs/notebooks/topic_network.ipynb new file mode 100644 index 0000000000..416cdbc5c5 --- /dev/null +++ b/docs/notebooks/topic_network.ipynb @@ -0,0 +1,6073 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Topic Networks\n", + "\n", + "In this notebook, we will learn how to visualize topic model using network graphs. Networks can be a great way to explore topic models. We can use it to navigate that how topics belonging to one context may relate to some topics in other context and discover common factors between them. We can use them to find communities of similar topics and pinpoint the most influential topic that has large no. of connections or perform any number of other workflows designed for network analysis." + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Using TensorFlow backend.\n" + ] + } + ], + "source": [ + "from gensim.models.ldamodel import LdaModel\n", + "from gensim.corpora import Dictionary\n", + "import pandas as pd\n", + "import re\n", + "from gensim.parsing.preprocessing import remove_stopwords, strip_punctuation\n", + "\n", + "import numpy as np" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Train Model\n", + "\n", + "We'll use the [fake news dataset](https://www.kaggle.com/mrisdal/fake-news) from kaggle for this notebook. First step is to preprocess the data and train our topic model using LDA. You can refer to this [notebook](https://github.com/RaRe-Technologies/gensim/blob/develop/docs/notebooks/lda_training_tips.ipynb) also for tips and suggestions of pre-processing the text data, and how to train LDA model for getting good results." + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "df_fake = pd.read_csv('fake.csv')\n", + "df_fake[['title', 'text', 'language']].head()\n", + "df_fake = df_fake.loc[(pd.notnull(df_fake.text)) & (df_fake.language=='english')]\n", + "\n", + "# remove stopwords and punctuations\n", + "def preprocess(row):\n", + " return strip_punctuation(remove_stopwords(row.lower()))\n", + " \n", + "df_fake['text'] = df_fake['text'].apply(preprocess)\n", + "\n", + "# Convert data to required input format by LDA\n", + "texts = []\n", + "for line in df_fake.text:\n", + " lowered = line.lower()\n", + " words = re.findall(r'\\w+', lowered, flags=re.UNICODE|re.LOCALE)\n", + " texts.append(words)\n", + "# Create a dictionary representation of the documents.\n", + "dictionary = Dictionary(texts)\n", + "\n", + "# Filter out words that occur less than 2 documents, or more than 30% of the documents.\n", + "dictionary.filter_extremes(no_below=2, no_above=0.4)\n", + "# Bag-of-words representation of the documents.\n", + "corpus_fake = [dictionary.doc2bow(text) for text in texts]" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "lda_fake = LdaModel(corpus=corpus_fake, id2word=dictionary, num_topics=35, chunksize=1500, iterations=200, alpha='auto')\n", + "lda_fake.save('lda_35')" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "lda_fake = LdaModel.load('lda_35')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Visualize topic network\n", + "\n", + "Firstly, a distance matrix is calculated to store distance between every topic pair. The nodes of the network graph will represent topics and the edges between them will be created based on the distance between two connecting nodes/topics." + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "# get topic distributions\n", + "topic_dist = lda_fake.state.get_lambda()\n", + "\n", + "# get topic terms\n", + "num_words = 50\n", + "topic_terms = [{w for (w, _) in lda_fake.show_topic(topic, topn=num_words)} for topic in range(topic_dist.shape[0])]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "To draw the edges, we can use different types of distance metrics available in gensim for calculating the distance between every topic pair. Next, we'd have to define a threshold of distance value such that the topic-pairs with distance above that does not get connected. " + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "from scipy.spatial.distance import pdist, squareform\n", + "from gensim.matutils import jensen_shannon\n", + "import networkx as nx\n", + "import itertools as itt\n", + "\n", + "# calculate distance matrix using the input distance metric\n", + "def distance(X, dist_metric):\n", + " return squareform(pdist(X, lambda u, v: dist_metric(u, v)))\n", + "\n", + "topic_distance = distance(topic_dist, jensen_shannon)\n", + "\n", + "# store edges b/w every topic pair along with their distance\n", + "edges = [(i, j, {'weight': topic_distance[i, j]})\n", + " for i, j in itt.combinations(range(topic_dist.shape[0]), 2)]\n", + "\n", + "# keep edges with distance below the threshold value\n", + "k = np.percentile(np.array([e[2]['weight'] for e in edges]), 20)\n", + "edges = [e for e in edges if e[2]['weight'] < k]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now that we have our edges, let's plot the annotated network graph. On hovering over the nodes, we'll see the topic_id along with it's top words and on hovering over the edges, we'll see the intersecting/different words of the two topics that it connects. " + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "" + ], + "text/vnd.plotly.v1+html": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "import plotly.offline as py\n", + "from plotly.graph_objs import *\n", + "py.init_notebook_mode()\n", + "\n", + "# add nodes and edges to graph layout\n", + "G = nx.Graph()\n", + "G.add_nodes_from(range(topic_dist.shape[0]))\n", + "G.add_edges_from(edges)\n", + "\n", + "graph_pos = nx.spring_layout(G)" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": { + "collapsed": true, + "scrolled": false + }, + "outputs": [], + "source": [ + "# initialize traces for drawing nodes and edges \n", + "node_trace = Scatter(\n", + " x=[],\n", + " y=[],\n", + " text=[],\n", + " mode='markers',\n", + " hoverinfo='text',\n", + " marker=Marker(\n", + " showscale=True,\n", + " colorscale='YIGnBu',\n", + " reversescale=True,\n", + " color=[],\n", + " size=10,\n", + " colorbar=dict(\n", + " thickness=15,\n", + " xanchor='left'\n", + " ),\n", + " line=dict(width=2)))\n", + "\n", + "edge_trace = Scatter(\n", + " x=[],\n", + " y=[],\n", + " text=[],\n", + " line=Line(width=0.5, color='#888'),\n", + " hoverinfo='text',\n", + " mode='lines')\n", + "\n", + "\n", + "# no. of terms to display in annotation\n", + "n_ann_terms = 10\n", + "\n", + "# add edge trace with annotations\n", + "for edge in G.edges():\n", + " x0, y0 = graph_pos[edge[0]]\n", + " x1, y1 = graph_pos[edge[1]]\n", + " \n", + " pos_tokens = topic_terms[edge[0]] & topic_terms[edge[1]]\n", + " neg_tokens = topic_terms[edge[0]].symmetric_difference(topic_terms[edge[1]])\n", + " pos_tokens = list(pos_tokens)[:min(len(pos_tokens), n_ann_terms)]\n", + " neg_tokens = list(neg_tokens)[:min(len(neg_tokens), n_ann_terms)]\n", + " annotation = \"
\".join((\": \".join((\"+++\", str(pos_tokens))), \": \".join((\"---\", str(neg_tokens)))))\n", + " \n", + " x_trace = list(np.linspace(x0, x1, 10))\n", + " y_trace = list(np.linspace(y0, y1, 10))\n", + " text_annotation = [annotation] * 10\n", + " x_trace.append(None)\n", + " y_trace.append(None)\n", + " text_annotation.append(None)\n", + " \n", + " edge_trace['x'] += x_trace\n", + " edge_trace['y'] += y_trace\n", + " edge_trace['text'] += text_annotation\n", + "\n", + "# add node trace with annotations\n", + "for node in G.nodes():\n", + " x, y = graph_pos[node]\n", + " node_trace['x'].append(x)\n", + " node_trace['y'].append(y)\n", + " node_info = ''.join((str(node+1), ': ', str(list(topic_terms[node])[:n_ann_terms])))\n", + " node_trace['text'].append(node_info)\n", + " \n", + "# color node according to no. of connections\n", + "for node, adjacencies in enumerate(G.adjacency_list()):\n", + " node_trace['marker']['color'].append(len(adjacencies))" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "data": [ + { + "hoverinfo": "text", + "line": { + "color": "#888", + "width": 0.5 + }, + "mode": "lines", + "text": [ + "+++: ['day', 'police', 'facebook', 'twitter', 'according']
---: ['october', 'protesters', 'protest', 'took', 'we', 'officer', 'life', 'native', 'baby', 'construction']", + "+++: ['day', 'police', 'facebook', 'twitter', 'according']
---: ['october', 'protesters', 'protest', 'took', 'we', 'officer', 'life', 'native', 'baby', 'construction']", + "+++: ['day', 'police', 'facebook', 'twitter', 'according']
---: ['october', 'protesters', 'protest', 'took', 'we', 'officer', 'life', 'native', 'baby', 'construction']", + "+++: ['day', 'police', 'facebook', 'twitter', 'according']
---: ['october', 'protesters', 'protest', 'took', 'we', 'officer', 'life', 'native', 'baby', 'construction']", + "+++: ['day', 'police', 'facebook', 'twitter', 'according']
---: ['october', 'protesters', 'protest', 'took', 'we', 'officer', 'life', 'native', 'baby', 'construction']", + "+++: ['day', 'police', 'facebook', 'twitter', 'according']
---: ['october', 'protesters', 'protest', 'took', 'we', 'officer', 'life', 'native', 'baby', 'construction']", + "+++: ['day', 'police', 'facebook', 'twitter', 'according']
---: ['october', 'protesters', 'protest', 'took', 'we', 'officer', 'life', 'native', 'baby', 'construction']", + "+++: ['day', 'police', 'facebook', 'twitter', 'according']
---: ['october', 'protesters', 'protest', 'took', 'we', 'officer', 'life', 'native', 'baby', 'construction']", + "+++: ['day', 'police', 'facebook', 'twitter', 'according']
---: ['october', 'protesters', 'protest', 'took', 'we', 'officer', 'life', 'native', 'baby', 'construction']", + "+++: ['day', 'police', 'facebook', 'twitter', 'according']
---: ['october', 'protesters', 'protest', 'took', 'we', 'officer', 'life', 'native', 'baby', 'construction']", + null, + "+++: ['children', 'years', 'according', 'city']
---: ['food', 'took', '0', 'life', 'forces', 'baby', 'authorities', 'pakistan', 'i', 'says']", + "+++: ['children', 'years', 'according', 'city']
---: ['food', 'took', '0', 'life', 'forces', 'baby', 'authorities', 'pakistan', 'i', 'says']", + "+++: ['children', 'years', 'according', 'city']
---: ['food', 'took', '0', 'life', 'forces', 'baby', 'authorities', 'pakistan', 'i', 'says']", + "+++: ['children', 'years', 'according', 'city']
---: ['food', 'took', '0', 'life', 'forces', 'baby', 'authorities', 'pakistan', 'i', 'says']", + "+++: ['children', 'years', 'according', 'city']
---: ['food', 'took', '0', 'life', 'forces', 'baby', 'authorities', 'pakistan', 'i', 'says']", + "+++: ['children', 'years', 'according', 'city']
---: ['food', 'took', '0', 'life', 'forces', 'baby', 'authorities', 'pakistan', 'i', 'says']", + "+++: ['children', 'years', 'according', 'city']
---: ['food', 'took', '0', 'life', 'forces', 'baby', 'authorities', 'pakistan', 'i', 'says']", + "+++: ['children', 'years', 'according', 'city']
---: ['food', 'took', '0', 'life', 'forces', 'baby', 'authorities', 'pakistan', 'i', 'says']", + "+++: ['children', 'years', 'according', 'city']
---: ['food', 'took', '0', 'life', 'forces', 'baby', 'authorities', 'pakistan', 'i', 'says']", + "+++: ['children', 'years', 'according', 'city']
---: ['food', 'took', '0', 'life', 'forces', 'baby', 'authorities', 'pakistan', 'i', 'says']", + null, + "+++: ['children', 'woman', 'child', 'twitter', 'sexual', 'i', 'sex', 'you']
---: ['october', 'took', 'x', 'we', '0', 'life', 'code', 'baby', 'comment', 'says']", + "+++: ['children', 'woman', 'child', 'twitter', 'sexual', 'i', 'sex', 'you']
---: ['october', 'took', 'x', 'we', '0', 'life', 'code', 'baby', 'comment', 'says']", + "+++: ['children', 'woman', 'child', 'twitter', 'sexual', 'i', 'sex', 'you']
---: ['october', 'took', 'x', 'we', '0', 'life', 'code', 'baby', 'comment', 'says']", + "+++: ['children', 'woman', 'child', 'twitter', 'sexual', 'i', 'sex', 'you']
---: ['october', 'took', 'x', 'we', '0', 'life', 'code', 'baby', 'comment', 'says']", + "+++: ['children', 'woman', 'child', 'twitter', 'sexual', 'i', 'sex', 'you']
---: ['october', 'took', 'x', 'we', '0', 'life', 'code', 'baby', 'comment', 'says']", + "+++: ['children', 'woman', 'child', 'twitter', 'sexual', 'i', 'sex', 'you']
---: ['october', 'took', 'x', 'we', '0', 'life', 'code', 'baby', 'comment', 'says']", + "+++: ['children', 'woman', 'child', 'twitter', 'sexual', 'i', 'sex', 'you']
---: ['october', 'took', 'x', 'we', '0', 'life', 'code', 'baby', 'comment', 'says']", + "+++: ['children', 'woman', 'child', 'twitter', 'sexual', 'i', 'sex', 'you']
---: ['october', 'took', 'x', 'we', '0', 'life', 'code', 'baby', 'comment', 'says']", + "+++: ['children', 'woman', 'child', 'twitter', 'sexual', 'i', 'sex', 'you']
---: ['october', 'took', 'x', 'we', '0', 'life', 'code', 'baby', 'comment', 'says']", + "+++: ['children', 'woman', 'child', 'twitter', 'sexual', 'i', 'sex', 'you']
---: ['october', 'took', 'x', 'we', '0', 'life', 'code', 'baby', 'comment', 'says']", + null, + "+++: ['year', 'years', 'according', 'day']
---: ['3', 'early', 'voter', 'took', 'lead', 'life', 'baby', 'ballots', 'says', 'i']", + "+++: ['year', 'years', 'according', 'day']
---: ['3', 'early', 'voter', 'took', 'lead', 'life', 'baby', 'ballots', 'says', 'i']", + "+++: ['year', 'years', 'according', 'day']
---: ['3', 'early', 'voter', 'took', 'lead', 'life', 'baby', 'ballots', 'says', 'i']", + "+++: ['year', 'years', 'according', 'day']
---: ['3', 'early', 'voter', 'took', 'lead', 'life', 'baby', 'ballots', 'says', 'i']", + "+++: ['year', 'years', 'according', 'day']
---: ['3', 'early', 'voter', 'took', 'lead', 'life', 'baby', 'ballots', 'says', 'i']", + "+++: ['year', 'years', 'according', 'day']
---: ['3', 'early', 'voter', 'took', 'lead', 'life', 'baby', 'ballots', 'says', 'i']", + "+++: ['year', 'years', 'according', 'day']
---: ['3', 'early', 'voter', 'took', 'lead', 'life', 'baby', 'ballots', 'says', 'i']", + "+++: ['year', 'years', 'according', 'day']
---: ['3', 'early', 'voter', 'took', 'lead', 'life', 'baby', 'ballots', 'says', 'i']", + "+++: ['year', 'years', 'according', 'day']
---: ['3', 'early', 'voter', 'took', 'lead', 'life', 'baby', 'ballots', 'says', 'i']", + "+++: ['year', 'years', 'according', 'day']
---: ['3', 'early', 'voter', 'took', 'lead', 'life', 'baby', 'ballots', 'says', 'i']", + null, + "+++: ['old', 'men', 'got', 'i', 'life', 'day', 'years', 'you']
---: ['took', 'we', 'll', 'baby', 'america', 'says', 'believe', 'parents', 'don', 'well']", + "+++: ['old', 'men', 'got', 'i', 'life', 'day', 'years', 'you']
---: ['took', 'we', 'll', 'baby', 'america', 'says', 'believe', 'parents', 'don', 'well']", + "+++: ['old', 'men', 'got', 'i', 'life', 'day', 'years', 'you']
---: ['took', 'we', 'll', 'baby', 'america', 'says', 'believe', 'parents', 'don', 'well']", + "+++: ['old', 'men', 'got', 'i', 'life', 'day', 'years', 'you']
---: ['took', 'we', 'll', 'baby', 'america', 'says', 'believe', 'parents', 'don', 'well']", + "+++: ['old', 'men', 'got', 'i', 'life', 'day', 'years', 'you']
---: ['took', 'we', 'll', 'baby', 'america', 'says', 'believe', 'parents', 'don', 'well']", + "+++: ['old', 'men', 'got', 'i', 'life', 'day', 'years', 'you']
---: ['took', 'we', 'll', 'baby', 'america', 'says', 'believe', 'parents', 'don', 'well']", + "+++: ['old', 'men', 'got', 'i', 'life', 'day', 'years', 'you']
---: ['took', 'we', 'll', 'baby', 'america', 'says', 'believe', 'parents', 'don', 'well']", + "+++: ['old', 'men', 'got', 'i', 'life', 'day', 'years', 'you']
---: ['took', 'we', 'll', 'baby', 'america', 'says', 'believe', 'parents', 'don', 'well']", + "+++: ['old', 'men', 'got', 'i', 'life', 'day', 'years', 'you']
---: ['took', 'we', 'll', 'baby', 'america', 'says', 'believe', 'parents', 'don', 'well']", + "+++: ['old', 'men', 'got', 'i', 'life', 'day', 'years', 'you']
---: ['took', 'we', 'll', 'baby', 'america', 'says', 'believe', 'parents', 'don', 'well']", + null, + "+++: ['baby', 'says', 'i', 'life', 'years', 'you']
---: ['d', 'lab', 'took', 'iceland', 'god', 'parents', 'weight', 'told', 'cure', 'bell']", + "+++: ['baby', 'says', 'i', 'life', 'years', 'you']
---: ['d', 'lab', 'took', 'iceland', 'god', 'parents', 'weight', 'told', 'cure', 'bell']", + "+++: ['baby', 'says', 'i', 'life', 'years', 'you']
---: ['d', 'lab', 'took', 'iceland', 'god', 'parents', 'weight', 'told', 'cure', 'bell']", + "+++: ['baby', 'says', 'i', 'life', 'years', 'you']
---: ['d', 'lab', 'took', 'iceland', 'god', 'parents', 'weight', 'told', 'cure', 'bell']", + "+++: ['baby', 'says', 'i', 'life', 'years', 'you']
---: ['d', 'lab', 'took', 'iceland', 'god', 'parents', 'weight', 'told', 'cure', 'bell']", + "+++: ['baby', 'says', 'i', 'life', 'years', 'you']
---: ['d', 'lab', 'took', 'iceland', 'god', 'parents', 'weight', 'told', 'cure', 'bell']", + "+++: ['baby', 'says', 'i', 'life', 'years', 'you']
---: ['d', 'lab', 'took', 'iceland', 'god', 'parents', 'weight', 'told', 'cure', 'bell']", + "+++: ['baby', 'says', 'i', 'life', 'years', 'you']
---: ['d', 'lab', 'took', 'iceland', 'god', 'parents', 'weight', 'told', 'cure', 'bell']", + "+++: ['baby', 'says', 'i', 'life', 'years', 'you']
---: ['d', 'lab', 'took', 'iceland', 'god', 'parents', 'weight', 'told', 'cure', 'bell']", + "+++: ['baby', 'says', 'i', 'life', 'years', 'you']
---: ['d', 'lab', 'took', 'iceland', 'god', 'parents', 'weight', 'told', 'cure', 'bell']", + null, + "+++: ['year', 'years', 'according', 'day']
---: ['took', 'we', 'life', 'warm', 'baby', 'says', 'i', 'parents', 'ice', 'heat']", + "+++: ['year', 'years', 'according', 'day']
---: ['took', 'we', 'life', 'warm', 'baby', 'says', 'i', 'parents', 'ice', 'heat']", + "+++: ['year', 'years', 'according', 'day']
---: ['took', 'we', 'life', 'warm', 'baby', 'says', 'i', 'parents', 'ice', 'heat']", + "+++: ['year', 'years', 'according', 'day']
---: ['took', 'we', 'life', 'warm', 'baby', 'says', 'i', 'parents', 'ice', 'heat']", + "+++: ['year', 'years', 'according', 'day']
---: ['took', 'we', 'life', 'warm', 'baby', 'says', 'i', 'parents', 'ice', 'heat']", + "+++: ['year', 'years', 'according', 'day']
---: ['took', 'we', 'life', 'warm', 'baby', 'says', 'i', 'parents', 'ice', 'heat']", + "+++: ['year', 'years', 'according', 'day']
---: ['took', 'we', 'life', 'warm', 'baby', 'says', 'i', 'parents', 'ice', 'heat']", + "+++: ['year', 'years', 'according', 'day']
---: ['took', 'we', 'life', 'warm', 'baby', 'says', 'i', 'parents', 'ice', 'heat']", + "+++: ['year', 'years', 'according', 'day']
---: ['took', 'we', 'life', 'warm', 'baby', 'says', 'i', 'parents', 'ice', 'heat']", + "+++: ['year', 'years', 'according', 'day']
---: ['took', 'we', 'life', 'warm', 'baby', 'says', 'i', 'parents', 'ice', 'heat']", + null, + "+++: ['water', 'law', 'land', 'we', 'according']
---: ['october', 'protesters', 'protest', 'officer', 'native', 'construction', 'obamacare', 'legal', 'man', 'states']", + "+++: ['water', 'law', 'land', 'we', 'according']
---: ['october', 'protesters', 'protest', 'officer', 'native', 'construction', 'obamacare', 'legal', 'man', 'states']", + "+++: ['water', 'law', 'land', 'we', 'according']
---: ['october', 'protesters', 'protest', 'officer', 'native', 'construction', 'obamacare', 'legal', 'man', 'states']", + "+++: ['water', 'law', 'land', 'we', 'according']
---: ['october', 'protesters', 'protest', 'officer', 'native', 'construction', 'obamacare', 'legal', 'man', 'states']", + "+++: ['water', 'law', 'land', 'we', 'according']
---: ['october', 'protesters', 'protest', 'officer', 'native', 'construction', 'obamacare', 'legal', 'man', 'states']", + "+++: ['water', 'law', 'land', 'we', 'according']
---: ['october', 'protesters', 'protest', 'officer', 'native', 'construction', 'obamacare', 'legal', 'man', 'states']", + "+++: ['water', 'law', 'land', 'we', 'according']
---: ['october', 'protesters', 'protest', 'officer', 'native', 'construction', 'obamacare', 'legal', 'man', 'states']", + "+++: ['water', 'law', 'land', 'we', 'according']
---: ['october', 'protesters', 'protest', 'officer', 'native', 'construction', 'obamacare', 'legal', 'man', 'states']", + "+++: ['water', 'law', 'land', 'we', 'according']
---: ['october', 'protesters', 'protest', 'officer', 'native', 'construction', 'obamacare', 'legal', 'man', 'states']", + "+++: ['water', 'law', 'land', 'we', 'according']
---: ['october', 'protesters', 'protest', 'officer', 'native', 'construction', 'obamacare', 'legal', 'man', 'states']", + null, + "+++: ['the', 'states', 'country', 'united', 'international', 'state', 'government', 'years']
---: ['we', 'obamacare', 'australia', 'asia', 'europe', 'legal', 'east', 'british', 'pope', 'law']", + "+++: ['the', 'states', 'country', 'united', 'international', 'state', 'government', 'years']
---: ['we', 'obamacare', 'australia', 'asia', 'europe', 'legal', 'east', 'british', 'pope', 'law']", + "+++: ['the', 'states', 'country', 'united', 'international', 'state', 'government', 'years']
---: ['we', 'obamacare', 'australia', 'asia', 'europe', 'legal', 'east', 'british', 'pope', 'law']", + "+++: ['the', 'states', 'country', 'united', 'international', 'state', 'government', 'years']
---: ['we', 'obamacare', 'australia', 'asia', 'europe', 'legal', 'east', 'british', 'pope', 'law']", + "+++: ['the', 'states', 'country', 'united', 'international', 'state', 'government', 'years']
---: ['we', 'obamacare', 'australia', 'asia', 'europe', 'legal', 'east', 'british', 'pope', 'law']", + "+++: ['the', 'states', 'country', 'united', 'international', 'state', 'government', 'years']
---: ['we', 'obamacare', 'australia', 'asia', 'europe', 'legal', 'east', 'british', 'pope', 'law']", + "+++: ['the', 'states', 'country', 'united', 'international', 'state', 'government', 'years']
---: ['we', 'obamacare', 'australia', 'asia', 'europe', 'legal', 'east', 'british', 'pope', 'law']", + "+++: ['the', 'states', 'country', 'united', 'international', 'state', 'government', 'years']
---: ['we', 'obamacare', 'australia', 'asia', 'europe', 'legal', 'east', 'british', 'pope', 'law']", + "+++: ['the', 'states', 'country', 'united', 'international', 'state', 'government', 'years']
---: ['we', 'obamacare', 'australia', 'asia', 'europe', 'legal', 'east', 'british', 'pope', 'law']", + "+++: ['the', 'states', 'country', 'united', 'international', 'state', 'government', 'years']
---: ['we', 'obamacare', 'australia', 'asia', 'europe', 'legal', 'east', 'british', 'pope', 'law']", + null, + "+++: ['energy', 'work', 'years', 'power', 'human']
---: ['we', 'life', 'real', 'able', 'obamacare', 'i', 'god', 'legal', 'point', 'don']", + "+++: ['energy', 'work', 'years', 'power', 'human']
---: ['we', 'life', 'real', 'able', 'obamacare', 'i', 'god', 'legal', 'point', 'don']", + "+++: ['energy', 'work', 'years', 'power', 'human']
---: ['we', 'life', 'real', 'able', 'obamacare', 'i', 'god', 'legal', 'point', 'don']", + "+++: ['energy', 'work', 'years', 'power', 'human']
---: ['we', 'life', 'real', 'able', 'obamacare', 'i', 'god', 'legal', 'point', 'don']", + "+++: ['energy', 'work', 'years', 'power', 'human']
---: ['we', 'life', 'real', 'able', 'obamacare', 'i', 'god', 'legal', 'point', 'don']", + "+++: ['energy', 'work', 'years', 'power', 'human']
---: ['we', 'life', 'real', 'able', 'obamacare', 'i', 'god', 'legal', 'point', 'don']", + "+++: ['energy', 'work', 'years', 'power', 'human']
---: ['we', 'life', 'real', 'able', 'obamacare', 'i', 'god', 'legal', 'point', 'don']", + "+++: ['energy', 'work', 'years', 'power', 'human']
---: ['we', 'life', 'real', 'able', 'obamacare', 'i', 'god', 'legal', 'point', 'don']", + "+++: ['energy', 'work', 'years', 'power', 'human']
---: ['we', 'life', 'real', 'able', 'obamacare', 'i', 'god', 'legal', 'point', 'don']", + "+++: ['energy', 'work', 'years', 'power', 'human']
---: ['we', 'life', 'real', 'able', 'obamacare', 'i', 'god', 'legal', 'point', 'don']", + null, + "+++: ['the', 'according', 'human', 'use', 'million', '000', 'years', 'government']
---: ['food', '0', 'we', 'forces', 'authorities', 'obamacare', 'pakistan', 'navy', 'legal', 'general']", + "+++: ['the', 'according', 'human', 'use', 'million', '000', 'years', 'government']
---: ['food', '0', 'we', 'forces', 'authorities', 'obamacare', 'pakistan', 'navy', 'legal', 'general']", + "+++: ['the', 'according', 'human', 'use', 'million', '000', 'years', 'government']
---: ['food', '0', 'we', 'forces', 'authorities', 'obamacare', 'pakistan', 'navy', 'legal', 'general']", + "+++: ['the', 'according', 'human', 'use', 'million', '000', 'years', 'government']
---: ['food', '0', 'we', 'forces', 'authorities', 'obamacare', 'pakistan', 'navy', 'legal', 'general']", + "+++: ['the', 'according', 'human', 'use', 'million', '000', 'years', 'government']
---: ['food', '0', 'we', 'forces', 'authorities', 'obamacare', 'pakistan', 'navy', 'legal', 'general']", + "+++: ['the', 'according', 'human', 'use', 'million', '000', 'years', 'government']
---: ['food', '0', 'we', 'forces', 'authorities', 'obamacare', 'pakistan', 'navy', 'legal', 'general']", + "+++: ['the', 'according', 'human', 'use', 'million', '000', 'years', 'government']
---: ['food', '0', 'we', 'forces', 'authorities', 'obamacare', 'pakistan', 'navy', 'legal', 'general']", + "+++: ['the', 'according', 'human', 'use', 'million', '000', 'years', 'government']
---: ['food', '0', 'we', 'forces', 'authorities', 'obamacare', 'pakistan', 'navy', 'legal', 'general']", + "+++: ['the', 'according', 'human', 'use', 'million', '000', 'years', 'government']
---: ['food', '0', 'we', 'forces', 'authorities', 'obamacare', 'pakistan', 'navy', 'legal', 'general']", + "+++: ['the', 'according', 'human', 'use', 'million', '000', 'years', 'government']
---: ['food', '0', 'we', 'forces', 'authorities', 'obamacare', 'pakistan', 'navy', 'legal', 'general']", + null, + "+++: ['u', 'federal', 'year', 'company', 'years', 'government']
---: ['0', 'we', 'bank', 'price', 'obamacare', 'industry', 'legal', 'law', 'states', 'judges']", + "+++: ['u', 'federal', 'year', 'company', 'years', 'government']
---: ['0', 'we', 'bank', 'price', 'obamacare', 'industry', 'legal', 'law', 'states', 'judges']", + "+++: ['u', 'federal', 'year', 'company', 'years', 'government']
---: ['0', 'we', 'bank', 'price', 'obamacare', 'industry', 'legal', 'law', 'states', 'judges']", + "+++: ['u', 'federal', 'year', 'company', 'years', 'government']
---: ['0', 'we', 'bank', 'price', 'obamacare', 'industry', 'legal', 'law', 'states', 'judges']", + "+++: ['u', 'federal', 'year', 'company', 'years', 'government']
---: ['0', 'we', 'bank', 'price', 'obamacare', 'industry', 'legal', 'law', 'states', 'judges']", + "+++: ['u', 'federal', 'year', 'company', 'years', 'government']
---: ['0', 'we', 'bank', 'price', 'obamacare', 'industry', 'legal', 'law', 'states', 'judges']", + "+++: ['u', 'federal', 'year', 'company', 'years', 'government']
---: ['0', 'we', 'bank', 'price', 'obamacare', 'industry', 'legal', 'law', 'states', 'judges']", + "+++: ['u', 'federal', 'year', 'company', 'years', 'government']
---: ['0', 'we', 'bank', 'price', 'obamacare', 'industry', 'legal', 'law', 'states', 'judges']", + "+++: ['u', 'federal', 'year', 'company', 'years', 'government']
---: ['0', 'we', 'bank', 'price', 'obamacare', 'industry', 'legal', 'law', 'states', 'judges']", + "+++: ['u', 'federal', 'year', 'company', 'years', 'government']
---: ['0', 'we', 'bank', 'price', 'obamacare', 'industry', 'legal', 'law', 'states', 'judges']", + null, + "+++: ['work', 'according', 'human', 'use', 'health', 'years']
---: ['mins', 'humans', 'we', 'life', 'drug', 'dr', 'obamacare', 'legal', 'law', 'research']", + "+++: ['work', 'according', 'human', 'use', 'health', 'years']
---: ['mins', 'humans', 'we', 'life', 'drug', 'dr', 'obamacare', 'legal', 'law', 'research']", + "+++: ['work', 'according', 'human', 'use', 'health', 'years']
---: ['mins', 'humans', 'we', 'life', 'drug', 'dr', 'obamacare', 'legal', 'law', 'research']", + "+++: ['work', 'according', 'human', 'use', 'health', 'years']
---: ['mins', 'humans', 'we', 'life', 'drug', 'dr', 'obamacare', 'legal', 'law', 'research']", + "+++: ['work', 'according', 'human', 'use', 'health', 'years']
---: ['mins', 'humans', 'we', 'life', 'drug', 'dr', 'obamacare', 'legal', 'law', 'research']", + "+++: ['work', 'according', 'human', 'use', 'health', 'years']
---: ['mins', 'humans', 'we', 'life', 'drug', 'dr', 'obamacare', 'legal', 'law', 'research']", + "+++: ['work', 'according', 'human', 'use', 'health', 'years']
---: ['mins', 'humans', 'we', 'life', 'drug', 'dr', 'obamacare', 'legal', 'law', 'research']", + "+++: ['work', 'according', 'human', 'use', 'health', 'years']
---: ['mins', 'humans', 'we', 'life', 'drug', 'dr', 'obamacare', 'legal', 'law', 'research']", + "+++: ['work', 'according', 'human', 'use', 'health', 'years']
---: ['mins', 'humans', 'we', 'life', 'drug', 'dr', 'obamacare', 'legal', 'law', 'research']", + "+++: ['work', 'according', 'human', 'use', 'health', 'years']
---: ['mins', 'humans', 'we', 'life', 'drug', 'dr', 'obamacare', 'legal', 'law', 'research']", + null, + "+++: ['court', 'law', 'states', 'laws', 'state', 'federal', 'government']
---: ['voter', 'we', 'case', 'obamacare', 'i', 'legal', 'absentee', 'vote', 'judges', 'rights']", + "+++: ['court', 'law', 'states', 'laws', 'state', 'federal', 'government']
---: ['voter', 'we', 'case', 'obamacare', 'i', 'legal', 'absentee', 'vote', 'judges', 'rights']", + "+++: ['court', 'law', 'states', 'laws', 'state', 'federal', 'government']
---: ['voter', 'we', 'case', 'obamacare', 'i', 'legal', 'absentee', 'vote', 'judges', 'rights']", + "+++: ['court', 'law', 'states', 'laws', 'state', 'federal', 'government']
---: ['voter', 'we', 'case', 'obamacare', 'i', 'legal', 'absentee', 'vote', 'judges', 'rights']", + "+++: ['court', 'law', 'states', 'laws', 'state', 'federal', 'government']
---: ['voter', 'we', 'case', 'obamacare', 'i', 'legal', 'absentee', 'vote', 'judges', 'rights']", + "+++: ['court', 'law', 'states', 'laws', 'state', 'federal', 'government']
---: ['voter', 'we', 'case', 'obamacare', 'i', 'legal', 'absentee', 'vote', 'judges', 'rights']", + "+++: ['court', 'law', 'states', 'laws', 'state', 'federal', 'government']
---: ['voter', 'we', 'case', 'obamacare', 'i', 'legal', 'absentee', 'vote', 'judges', 'rights']", + "+++: ['court', 'law', 'states', 'laws', 'state', 'federal', 'government']
---: ['voter', 'we', 'case', 'obamacare', 'i', 'legal', 'absentee', 'vote', 'judges', 'rights']", + "+++: ['court', 'law', 'states', 'laws', 'state', 'federal', 'government']
---: ['voter', 'we', 'case', 'obamacare', 'i', 'legal', 'absentee', 'vote', 'judges', 'rights']", + "+++: ['court', 'law', 'states', 'laws', 'state', 'federal', 'government']
---: ['voter', 'we', 'case', 'obamacare', 'i', 'legal', 'absentee', 'vote', 'judges', 'rights']", + null, + "+++: ['water', 'according', 'we', 'energy', 'year', 'years']
---: ['warm', 'obamacare', 'ice', 'legal', 'heat', 'atmosphere', 'silver', '7', 'law', 'states']", + "+++: ['water', 'according', 'we', 'energy', 'year', 'years']
---: ['warm', 'obamacare', 'ice', 'legal', 'heat', 'atmosphere', 'silver', '7', 'law', 'states']", + "+++: ['water', 'according', 'we', 'energy', 'year', 'years']
---: ['warm', 'obamacare', 'ice', 'legal', 'heat', 'atmosphere', 'silver', '7', 'law', 'states']", + "+++: ['water', 'according', 'we', 'energy', 'year', 'years']
---: ['warm', 'obamacare', 'ice', 'legal', 'heat', 'atmosphere', 'silver', '7', 'law', 'states']", + "+++: ['water', 'according', 'we', 'energy', 'year', 'years']
---: ['warm', 'obamacare', 'ice', 'legal', 'heat', 'atmosphere', 'silver', '7', 'law', 'states']", + "+++: ['water', 'according', 'we', 'energy', 'year', 'years']
---: ['warm', 'obamacare', 'ice', 'legal', 'heat', 'atmosphere', 'silver', '7', 'law', 'states']", + "+++: ['water', 'according', 'we', 'energy', 'year', 'years']
---: ['warm', 'obamacare', 'ice', 'legal', 'heat', 'atmosphere', 'silver', '7', 'law', 'states']", + "+++: ['water', 'according', 'we', 'energy', 'year', 'years']
---: ['warm', 'obamacare', 'ice', 'legal', 'heat', 'atmosphere', 'silver', '7', 'law', 'states']", + "+++: ['water', 'according', 'we', 'energy', 'year', 'years']
---: ['warm', 'obamacare', 'ice', 'legal', 'heat', 'atmosphere', 'silver', '7', 'law', 'states']", + "+++: ['water', 'according', 'we', 'energy', 'year', 'years']
---: ['warm', 'obamacare', 'ice', 'legal', 'heat', 'atmosphere', 'silver', '7', 'law', 'states']", + null, + "+++: ['public', 'states', 'country', 'we', 'united', 'power', 'government', 'years']
---: ['establishment', 'political', 'nation', 'real', 'america', 'obamacare', 'i', 'war', 'believe', 'legal']", + "+++: ['public', 'states', 'country', 'we', 'united', 'power', 'government', 'years']
---: ['establishment', 'political', 'nation', 'real', 'america', 'obamacare', 'i', 'war', 'believe', 'legal']", + "+++: ['public', 'states', 'country', 'we', 'united', 'power', 'government', 'years']
---: ['establishment', 'political', 'nation', 'real', 'america', 'obamacare', 'i', 'war', 'believe', 'legal']", + "+++: ['public', 'states', 'country', 'we', 'united', 'power', 'government', 'years']
---: ['establishment', 'political', 'nation', 'real', 'america', 'obamacare', 'i', 'war', 'believe', 'legal']", + "+++: ['public', 'states', 'country', 'we', 'united', 'power', 'government', 'years']
---: ['establishment', 'political', 'nation', 'real', 'america', 'obamacare', 'i', 'war', 'believe', 'legal']", + "+++: ['public', 'states', 'country', 'we', 'united', 'power', 'government', 'years']
---: ['establishment', 'political', 'nation', 'real', 'america', 'obamacare', 'i', 'war', 'believe', 'legal']", + "+++: ['public', 'states', 'country', 'we', 'united', 'power', 'government', 'years']
---: ['establishment', 'political', 'nation', 'real', 'america', 'obamacare', 'i', 'war', 'believe', 'legal']", + "+++: ['public', 'states', 'country', 'we', 'united', 'power', 'government', 'years']
---: ['establishment', 'political', 'nation', 'real', 'america', 'obamacare', 'i', 'war', 'believe', 'legal']", + "+++: ['public', 'states', 'country', 'we', 'united', 'power', 'government', 'years']
---: ['establishment', 'political', 'nation', 'real', 'america', 'obamacare', 'i', 'war', 'believe', 'legal']", + "+++: ['public', 'states', 'country', 'we', 'united', 'power', 'government', 'years']
---: ['establishment', 'political', 'nation', 'real', 'america', 'obamacare', 'i', 'war', 'believe', 'legal']", + null, + "+++: ['the', 'states', 'country', 'u', 'united', 'international', 'power', 'state', 'government']
---: ['security', 'relations', 'political', 'washington', 'we', 'russian', 'america', 'obamacare', 'war', 'weapons']", + "+++: ['the', 'states', 'country', 'u', 'united', 'international', 'power', 'state', 'government']
---: ['security', 'relations', 'political', 'washington', 'we', 'russian', 'america', 'obamacare', 'war', 'weapons']", + "+++: ['the', 'states', 'country', 'u', 'united', 'international', 'power', 'state', 'government']
---: ['security', 'relations', 'political', 'washington', 'we', 'russian', 'america', 'obamacare', 'war', 'weapons']", + "+++: ['the', 'states', 'country', 'u', 'united', 'international', 'power', 'state', 'government']
---: ['security', 'relations', 'political', 'washington', 'we', 'russian', 'america', 'obamacare', 'war', 'weapons']", + "+++: ['the', 'states', 'country', 'u', 'united', 'international', 'power', 'state', 'government']
---: ['security', 'relations', 'political', 'washington', 'we', 'russian', 'america', 'obamacare', 'war', 'weapons']", + "+++: ['the', 'states', 'country', 'u', 'united', 'international', 'power', 'state', 'government']
---: ['security', 'relations', 'political', 'washington', 'we', 'russian', 'america', 'obamacare', 'war', 'weapons']", + "+++: ['the', 'states', 'country', 'u', 'united', 'international', 'power', 'state', 'government']
---: ['security', 'relations', 'political', 'washington', 'we', 'russian', 'america', 'obamacare', 'war', 'weapons']", + "+++: ['the', 'states', 'country', 'u', 'united', 'international', 'power', 'state', 'government']
---: ['security', 'relations', 'political', 'washington', 'we', 'russian', 'america', 'obamacare', 'war', 'weapons']", + "+++: ['the', 'states', 'country', 'u', 'united', 'international', 'power', 'state', 'government']
---: ['security', 'relations', 'political', 'washington', 'we', 'russian', 'america', 'obamacare', 'war', 'weapons']", + "+++: ['the', 'states', 'country', 'u', 'united', 'international', 'power', 'state', 'government']
---: ['security', 'relations', 'political', 'washington', 'we', 'russian', 'america', 'obamacare', 'war', 'weapons']", + null, + "+++: ['billion', 'public', 'u', 'state', 'federal', 'year', '000', 'years', 'government', 'million']
---: ['we', 'paul', 'obamacare', 'fund', 'wall', 'legal', 'jobs', 'law', 'quarter', 'states']", + "+++: ['billion', 'public', 'u', 'state', 'federal', 'year', '000', 'years', 'government', 'million']
---: ['we', 'paul', 'obamacare', 'fund', 'wall', 'legal', 'jobs', 'law', 'quarter', 'states']", + "+++: ['billion', 'public', 'u', 'state', 'federal', 'year', '000', 'years', 'government', 'million']
---: ['we', 'paul', 'obamacare', 'fund', 'wall', 'legal', 'jobs', 'law', 'quarter', 'states']", + "+++: ['billion', 'public', 'u', 'state', 'federal', 'year', '000', 'years', 'government', 'million']
---: ['we', 'paul', 'obamacare', 'fund', 'wall', 'legal', 'jobs', 'law', 'quarter', 'states']", + "+++: ['billion', 'public', 'u', 'state', 'federal', 'year', '000', 'years', 'government', 'million']
---: ['we', 'paul', 'obamacare', 'fund', 'wall', 'legal', 'jobs', 'law', 'quarter', 'states']", + "+++: ['billion', 'public', 'u', 'state', 'federal', 'year', '000', 'years', 'government', 'million']
---: ['we', 'paul', 'obamacare', 'fund', 'wall', 'legal', 'jobs', 'law', 'quarter', 'states']", + "+++: ['billion', 'public', 'u', 'state', 'federal', 'year', '000', 'years', 'government', 'million']
---: ['we', 'paul', 'obamacare', 'fund', 'wall', 'legal', 'jobs', 'law', 'quarter', 'states']", + "+++: ['billion', 'public', 'u', 'state', 'federal', 'year', '000', 'years', 'government', 'million']
---: ['we', 'paul', 'obamacare', 'fund', 'wall', 'legal', 'jobs', 'law', 'quarter', 'states']", + "+++: ['billion', 'public', 'u', 'state', 'federal', 'year', '000', 'years', 'government', 'million']
---: ['we', 'paul', 'obamacare', 'fund', 'wall', 'legal', 'jobs', 'law', 'quarter', 'states']", + "+++: ['billion', 'public', 'u', 'state', 'federal', 'year', '000', 'years', 'government', 'million']
---: ['we', 'paul', 'obamacare', 'fund', 'wall', 'legal', 'jobs', 'law', 'quarter', 'states']", + null, + "+++: ['the', 'states', 'country', 'we', 'u', 'united', 'power', 'state', 'government', 'years']
---: ['security', 'political', 'washington', 'nation', 'russian', 'forces', 'america', 'obamacare', 'war', 'legal']", + "+++: ['the', 'states', 'country', 'we', 'u', 'united', 'power', 'state', 'government', 'years']
---: ['security', 'political', 'washington', 'nation', 'russian', 'forces', 'america', 'obamacare', 'war', 'legal']", + "+++: ['the', 'states', 'country', 'we', 'u', 'united', 'power', 'state', 'government', 'years']
---: ['security', 'political', 'washington', 'nation', 'russian', 'forces', 'america', 'obamacare', 'war', 'legal']", + "+++: ['the', 'states', 'country', 'we', 'u', 'united', 'power', 'state', 'government', 'years']
---: ['security', 'political', 'washington', 'nation', 'russian', 'forces', 'america', 'obamacare', 'war', 'legal']", + "+++: ['the', 'states', 'country', 'we', 'u', 'united', 'power', 'state', 'government', 'years']
---: ['security', 'political', 'washington', 'nation', 'russian', 'forces', 'america', 'obamacare', 'war', 'legal']", + "+++: ['the', 'states', 'country', 'we', 'u', 'united', 'power', 'state', 'government', 'years']
---: ['security', 'political', 'washington', 'nation', 'russian', 'forces', 'america', 'obamacare', 'war', 'legal']", + "+++: ['the', 'states', 'country', 'we', 'u', 'united', 'power', 'state', 'government', 'years']
---: ['security', 'political', 'washington', 'nation', 'russian', 'forces', 'america', 'obamacare', 'war', 'legal']", + "+++: ['the', 'states', 'country', 'we', 'u', 'united', 'power', 'state', 'government', 'years']
---: ['security', 'political', 'washington', 'nation', 'russian', 'forces', 'america', 'obamacare', 'war', 'legal']", + "+++: ['the', 'states', 'country', 'we', 'u', 'united', 'power', 'state', 'government', 'years']
---: ['security', 'political', 'washington', 'nation', 'russian', 'forces', 'america', 'obamacare', 'war', 'legal']", + "+++: ['the', 'states', 'country', 'we', 'u', 'united', 'power', 'state', 'government', 'years']
---: ['security', 'political', 'washington', 'nation', 'russian', 'forces', 'america', 'obamacare', 'war', 'legal']", + null, + "+++: ['according', 'states', 'u', 'state', 'year', 'years']
---: ['3', 'early', 'voter', 'lead', 'we', 'obamacare', 'ballots', 'legal', 'vote', 'law']", + "+++: ['according', 'states', 'u', 'state', 'year', 'years']
---: ['3', 'early', 'voter', 'lead', 'we', 'obamacare', 'ballots', 'legal', 'vote', 'law']", + "+++: ['according', 'states', 'u', 'state', 'year', 'years']
---: ['3', 'early', 'voter', 'lead', 'we', 'obamacare', 'ballots', 'legal', 'vote', 'law']", + "+++: ['according', 'states', 'u', 'state', 'year', 'years']
---: ['3', 'early', 'voter', 'lead', 'we', 'obamacare', 'ballots', 'legal', 'vote', 'law']", + "+++: ['according', 'states', 'u', 'state', 'year', 'years']
---: ['3', 'early', 'voter', 'lead', 'we', 'obamacare', 'ballots', 'legal', 'vote', 'law']", + "+++: ['according', 'states', 'u', 'state', 'year', 'years']
---: ['3', 'early', 'voter', 'lead', 'we', 'obamacare', 'ballots', 'legal', 'vote', 'law']", + "+++: ['according', 'states', 'u', 'state', 'year', 'years']
---: ['3', 'early', 'voter', 'lead', 'we', 'obamacare', 'ballots', 'legal', 'vote', 'law']", + "+++: ['according', 'states', 'u', 'state', 'year', 'years']
---: ['3', 'early', 'voter', 'lead', 'we', 'obamacare', 'ballots', 'legal', 'vote', 'law']", + "+++: ['according', 'states', 'u', 'state', 'year', 'years']
---: ['3', 'early', 'voter', 'lead', 'we', 'obamacare', 'ballots', 'legal', 'vote', 'law']", + "+++: ['according', 'states', 'u', 'state', 'year', 'years']
---: ['3', 'early', 'voter', 'lead', 'we', 'obamacare', 'ballots', 'legal', 'vote', 'law']", + null, + "+++: ['water', 'use', 'health', 'oil']
---: ['3', 'food', 'we', 'helps', 'vitamin', 'obamacare', 'virus', 'high', 'legal', 'milk']", + "+++: ['water', 'use', 'health', 'oil']
---: ['3', 'food', 'we', 'helps', 'vitamin', 'obamacare', 'virus', 'high', 'legal', 'milk']", + "+++: ['water', 'use', 'health', 'oil']
---: ['3', 'food', 'we', 'helps', 'vitamin', 'obamacare', 'virus', 'high', 'legal', 'milk']", + "+++: ['water', 'use', 'health', 'oil']
---: ['3', 'food', 'we', 'helps', 'vitamin', 'obamacare', 'virus', 'high', 'legal', 'milk']", + "+++: ['water', 'use', 'health', 'oil']
---: ['3', 'food', 'we', 'helps', 'vitamin', 'obamacare', 'virus', 'high', 'legal', 'milk']", + "+++: ['water', 'use', 'health', 'oil']
---: ['3', 'food', 'we', 'helps', 'vitamin', 'obamacare', 'virus', 'high', 'legal', 'milk']", + "+++: ['water', 'use', 'health', 'oil']
---: ['3', 'food', 'we', 'helps', 'vitamin', 'obamacare', 'virus', 'high', 'legal', 'milk']", + "+++: ['water', 'use', 'health', 'oil']
---: ['3', 'food', 'we', 'helps', 'vitamin', 'obamacare', 'virus', 'high', 'legal', 'milk']", + "+++: ['water', 'use', 'health', 'oil']
---: ['3', 'food', 'we', 'helps', 'vitamin', 'obamacare', 'virus', 'high', 'legal', 'milk']", + "+++: ['water', 'use', 'health', 'oil']
---: ['3', 'food', 'we', 'helps', 'vitamin', 'obamacare', 'virus', 'high', 'legal', 'milk']", + null, + "+++: ['act', 'law', 'according', 'public', 'state', 'federal', '000', 'government']
---: ['october', 'justice', 'washington', 'we', 'chief', 'doj', 'comey', 'case', 'office', 'obamacare']", + "+++: ['act', 'law', 'according', 'public', 'state', 'federal', '000', 'government']
---: ['october', 'justice', 'washington', 'we', 'chief', 'doj', 'comey', 'case', 'office', 'obamacare']", + "+++: ['act', 'law', 'according', 'public', 'state', 'federal', '000', 'government']
---: ['october', 'justice', 'washington', 'we', 'chief', 'doj', 'comey', 'case', 'office', 'obamacare']", + "+++: ['act', 'law', 'according', 'public', 'state', 'federal', '000', 'government']
---: ['october', 'justice', 'washington', 'we', 'chief', 'doj', 'comey', 'case', 'office', 'obamacare']", + "+++: ['act', 'law', 'according', 'public', 'state', 'federal', '000', 'government']
---: ['october', 'justice', 'washington', 'we', 'chief', 'doj', 'comey', 'case', 'office', 'obamacare']", + "+++: ['act', 'law', 'according', 'public', 'state', 'federal', '000', 'government']
---: ['october', 'justice', 'washington', 'we', 'chief', 'doj', 'comey', 'case', 'office', 'obamacare']", + "+++: ['act', 'law', 'according', 'public', 'state', 'federal', '000', 'government']
---: ['october', 'justice', 'washington', 'we', 'chief', 'doj', 'comey', 'case', 'office', 'obamacare']", + "+++: ['act', 'law', 'according', 'public', 'state', 'federal', '000', 'government']
---: ['october', 'justice', 'washington', 'we', 'chief', 'doj', 'comey', 'case', 'office', 'obamacare']", + "+++: ['act', 'law', 'according', 'public', 'state', 'federal', '000', 'government']
---: ['october', 'justice', 'washington', 'we', 'chief', 'doj', 'comey', 'case', 'office', 'obamacare']", + "+++: ['act', 'law', 'according', 'public', 'state', 'federal', '000', 'government']
---: ['october', 'justice', 'washington', 'we', 'chief', 'doj', 'comey', 'case', 'office', 'obamacare']", + null, + "+++: ['the', 'states', 'country', 'u', 'united', 'international', 'state', 'government']
---: ['washington', 'we', 'russian', 'forces', 'obamacare', 'war', 'weapons', 'legal', 'east', 'including']", + "+++: ['the', 'states', 'country', 'u', 'united', 'international', 'state', 'government']
---: ['washington', 'we', 'russian', 'forces', 'obamacare', 'war', 'weapons', 'legal', 'east', 'including']", + "+++: ['the', 'states', 'country', 'u', 'united', 'international', 'state', 'government']
---: ['washington', 'we', 'russian', 'forces', 'obamacare', 'war', 'weapons', 'legal', 'east', 'including']", + "+++: ['the', 'states', 'country', 'u', 'united', 'international', 'state', 'government']
---: ['washington', 'we', 'russian', 'forces', 'obamacare', 'war', 'weapons', 'legal', 'east', 'including']", + "+++: ['the', 'states', 'country', 'u', 'united', 'international', 'state', 'government']
---: ['washington', 'we', 'russian', 'forces', 'obamacare', 'war', 'weapons', 'legal', 'east', 'including']", + "+++: ['the', 'states', 'country', 'u', 'united', 'international', 'state', 'government']
---: ['washington', 'we', 'russian', 'forces', 'obamacare', 'war', 'weapons', 'legal', 'east', 'including']", + "+++: ['the', 'states', 'country', 'u', 'united', 'international', 'state', 'government']
---: ['washington', 'we', 'russian', 'forces', 'obamacare', 'war', 'weapons', 'legal', 'east', 'including']", + "+++: ['the', 'states', 'country', 'u', 'united', 'international', 'state', 'government']
---: ['washington', 'we', 'russian', 'forces', 'obamacare', 'war', 'weapons', 'legal', 'east', 'including']", + "+++: ['the', 'states', 'country', 'u', 'united', 'international', 'state', 'government']
---: ['washington', 'we', 'russian', 'forces', 'obamacare', 'war', 'weapons', 'legal', 'east', 'including']", + "+++: ['the', 'states', 'country', 'u', 'united', 'international', 'state', 'government']
---: ['washington', 'we', 'russian', 'forces', 'obamacare', 'war', 'weapons', 'legal', 'east', 'including']", + null, + "+++: ['going', 'public', 'hillary', 'that', 'know', 'i', 'media', 'clinton', 'president', 'election']
---: ['october', 'establishment', 'political', 'we', 'nation', 'real', 'foundation', 'case', 'classified', 'america']", + "+++: ['going', 'public', 'hillary', 'that', 'know', 'i', 'media', 'clinton', 'president', 'election']
---: ['october', 'establishment', 'political', 'we', 'nation', 'real', 'foundation', 'case', 'classified', 'america']", + "+++: ['going', 'public', 'hillary', 'that', 'know', 'i', 'media', 'clinton', 'president', 'election']
---: ['october', 'establishment', 'political', 'we', 'nation', 'real', 'foundation', 'case', 'classified', 'america']", + "+++: ['going', 'public', 'hillary', 'that', 'know', 'i', 'media', 'clinton', 'president', 'election']
---: ['october', 'establishment', 'political', 'we', 'nation', 'real', 'foundation', 'case', 'classified', 'america']", + "+++: ['going', 'public', 'hillary', 'that', 'know', 'i', 'media', 'clinton', 'president', 'election']
---: ['october', 'establishment', 'political', 'we', 'nation', 'real', 'foundation', 'case', 'classified', 'america']", + "+++: ['going', 'public', 'hillary', 'that', 'know', 'i', 'media', 'clinton', 'president', 'election']
---: ['october', 'establishment', 'political', 'we', 'nation', 'real', 'foundation', 'case', 'classified', 'america']", + "+++: ['going', 'public', 'hillary', 'that', 'know', 'i', 'media', 'clinton', 'president', 'election']
---: ['october', 'establishment', 'political', 'we', 'nation', 'real', 'foundation', 'case', 'classified', 'america']", + "+++: ['going', 'public', 'hillary', 'that', 'know', 'i', 'media', 'clinton', 'president', 'election']
---: ['october', 'establishment', 'political', 'we', 'nation', 'real', 'foundation', 'case', 'classified', 'america']", + "+++: ['going', 'public', 'hillary', 'that', 'know', 'i', 'media', 'clinton', 'president', 'election']
---: ['october', 'establishment', 'political', 'we', 'nation', 'real', 'foundation', 'case', 'classified', 'america']", + "+++: ['going', 'public', 'hillary', 'that', 'know', 'i', 'media', 'clinton', 'president', 'election']
---: ['october', 'establishment', 'political', 'we', 'nation', 'real', 'foundation', 'case', 'classified', 'america']", + null, + "+++: ['the', 'presidential', 'hillary', 'media', 'secretary', 'clinton', 'state', 'president', 'election']
---: ['october', 'security', 'relations', 'political', 'washington', 'russian', 'foundation', 'case', 'classified', 'america']", + "+++: ['the', 'presidential', 'hillary', 'media', 'secretary', 'clinton', 'state', 'president', 'election']
---: ['october', 'security', 'relations', 'political', 'washington', 'russian', 'foundation', 'case', 'classified', 'america']", + "+++: ['the', 'presidential', 'hillary', 'media', 'secretary', 'clinton', 'state', 'president', 'election']
---: ['october', 'security', 'relations', 'political', 'washington', 'russian', 'foundation', 'case', 'classified', 'america']", + "+++: ['the', 'presidential', 'hillary', 'media', 'secretary', 'clinton', 'state', 'president', 'election']
---: ['october', 'security', 'relations', 'political', 'washington', 'russian', 'foundation', 'case', 'classified', 'america']", + "+++: ['the', 'presidential', 'hillary', 'media', 'secretary', 'clinton', 'state', 'president', 'election']
---: ['october', 'security', 'relations', 'political', 'washington', 'russian', 'foundation', 'case', 'classified', 'america']", + "+++: ['the', 'presidential', 'hillary', 'media', 'secretary', 'clinton', 'state', 'president', 'election']
---: ['october', 'security', 'relations', 'political', 'washington', 'russian', 'foundation', 'case', 'classified', 'america']", + "+++: ['the', 'presidential', 'hillary', 'media', 'secretary', 'clinton', 'state', 'president', 'election']
---: ['october', 'security', 'relations', 'political', 'washington', 'russian', 'foundation', 'case', 'classified', 'america']", + "+++: ['the', 'presidential', 'hillary', 'media', 'secretary', 'clinton', 'state', 'president', 'election']
---: ['october', 'security', 'relations', 'political', 'washington', 'russian', 'foundation', 'case', 'classified', 'america']", + "+++: ['the', 'presidential', 'hillary', 'media', 'secretary', 'clinton', 'state', 'president', 'election']
---: ['october', 'security', 'relations', 'political', 'washington', 'russian', 'foundation', 'case', 'classified', 'america']", + "+++: ['the', 'presidential', 'hillary', 'media', 'secretary', 'clinton', 'state', 'president', 'election']
---: ['october', 'security', 'relations', 'political', 'washington', 'russian', 'foundation', 'case', 'classified', 'america']", + null, + "+++: ['going', 'that', 'know', 'i']
---: ['october', 'life', 'real', 'foundation', 'able', 'case', 'classified', 'god', 'point', 'sources']", + "+++: ['going', 'that', 'know', 'i']
---: ['october', 'life', 'real', 'foundation', 'able', 'case', 'classified', 'god', 'point', 'sources']", + "+++: ['going', 'that', 'know', 'i']
---: ['october', 'life', 'real', 'foundation', 'able', 'case', 'classified', 'god', 'point', 'sources']", + "+++: ['going', 'that', 'know', 'i']
---: ['october', 'life', 'real', 'foundation', 'able', 'case', 'classified', 'god', 'point', 'sources']", + "+++: ['going', 'that', 'know', 'i']
---: ['october', 'life', 'real', 'foundation', 'able', 'case', 'classified', 'god', 'point', 'sources']", + "+++: ['going', 'that', 'know', 'i']
---: ['october', 'life', 'real', 'foundation', 'able', 'case', 'classified', 'god', 'point', 'sources']", + "+++: ['going', 'that', 'know', 'i']
---: ['october', 'life', 'real', 'foundation', 'able', 'case', 'classified', 'god', 'point', 'sources']", + "+++: ['going', 'that', 'know', 'i']
---: ['october', 'life', 'real', 'foundation', 'able', 'case', 'classified', 'god', 'point', 'sources']", + "+++: ['going', 'that', 'know', 'i']
---: ['october', 'life', 'real', 'foundation', 'able', 'case', 'classified', 'god', 'point', 'sources']", + "+++: ['going', 'that', 'know', 'i']
---: ['october', 'life', 'real', 'foundation', 'able', 'case', 'classified', 'god', 'point', 'sources']", + null, + "+++: ['the', 'state', 'president', 'that', 'media']
---: ['october', 'security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'foundation', 'case']", + "+++: ['the', 'state', 'president', 'that', 'media']
---: ['october', 'security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'foundation', 'case']", + "+++: ['the', 'state', 'president', 'that', 'media']
---: ['october', 'security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'foundation', 'case']", + "+++: ['the', 'state', 'president', 'that', 'media']
---: ['october', 'security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'foundation', 'case']", + "+++: ['the', 'state', 'president', 'that', 'media']
---: ['october', 'security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'foundation', 'case']", + "+++: ['the', 'state', 'president', 'that', 'media']
---: ['october', 'security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'foundation', 'case']", + "+++: ['the', 'state', 'president', 'that', 'media']
---: ['october', 'security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'foundation', 'case']", + "+++: ['the', 'state', 'president', 'that', 'media']
---: ['october', 'security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'foundation', 'case']", + "+++: ['the', 'state', 'president', 'that', 'media']
---: ['october', 'security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'foundation', 'case']", + "+++: ['the', 'state', 'president', 'that', 'media']
---: ['october', 'security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'foundation', 'case']", + null, + "+++: ['presidential', 'according', 'hillary', 'news', 'clinton', 'state', 'election']
---: ['3', 'october', 'early', 'voter', 'lead', 'foundation', 'case', 'classified', 'ballots', 'i']", + "+++: ['presidential', 'according', 'hillary', 'news', 'clinton', 'state', 'election']
---: ['3', 'october', 'early', 'voter', 'lead', 'foundation', 'case', 'classified', 'ballots', 'i']", + "+++: ['presidential', 'according', 'hillary', 'news', 'clinton', 'state', 'election']
---: ['3', 'october', 'early', 'voter', 'lead', 'foundation', 'case', 'classified', 'ballots', 'i']", + "+++: ['presidential', 'according', 'hillary', 'news', 'clinton', 'state', 'election']
---: ['3', 'october', 'early', 'voter', 'lead', 'foundation', 'case', 'classified', 'ballots', 'i']", + "+++: ['presidential', 'according', 'hillary', 'news', 'clinton', 'state', 'election']
---: ['3', 'october', 'early', 'voter', 'lead', 'foundation', 'case', 'classified', 'ballots', 'i']", + "+++: ['presidential', 'according', 'hillary', 'news', 'clinton', 'state', 'election']
---: ['3', 'october', 'early', 'voter', 'lead', 'foundation', 'case', 'classified', 'ballots', 'i']", + "+++: ['presidential', 'according', 'hillary', 'news', 'clinton', 'state', 'election']
---: ['3', 'october', 'early', 'voter', 'lead', 'foundation', 'case', 'classified', 'ballots', 'i']", + "+++: ['presidential', 'according', 'hillary', 'news', 'clinton', 'state', 'election']
---: ['3', 'october', 'early', 'voter', 'lead', 'foundation', 'case', 'classified', 'ballots', 'i']", + "+++: ['presidential', 'according', 'hillary', 'news', 'clinton', 'state', 'election']
---: ['3', 'october', 'early', 'voter', 'lead', 'foundation', 'case', 'classified', 'ballots', 'i']", + "+++: ['presidential', 'according', 'hillary', 'news', 'clinton', 'state', 'election']
---: ['3', 'october', 'early', 'voter', 'lead', 'foundation', 'case', 'classified', 'ballots', 'i']", + null, + "+++: ['the', 'going', 'presidential', 'hillary', 'york', 'i', 'media', 'democratic', 'news', 'clinton']
---: ['october', 'cnn', 'george', 'establishment', 'abedin', 'victory', 'we', 'white', 'political', 'sanders']", + "+++: ['the', 'going', 'presidential', 'hillary', 'york', 'i', 'media', 'democratic', 'news', 'clinton']
---: ['october', 'cnn', 'george', 'establishment', 'abedin', 'victory', 'we', 'white', 'political', 'sanders']", + "+++: ['the', 'going', 'presidential', 'hillary', 'york', 'i', 'media', 'democratic', 'news', 'clinton']
---: ['october', 'cnn', 'george', 'establishment', 'abedin', 'victory', 'we', 'white', 'political', 'sanders']", + "+++: ['the', 'going', 'presidential', 'hillary', 'york', 'i', 'media', 'democratic', 'news', 'clinton']
---: ['october', 'cnn', 'george', 'establishment', 'abedin', 'victory', 'we', 'white', 'political', 'sanders']", + "+++: ['the', 'going', 'presidential', 'hillary', 'york', 'i', 'media', 'democratic', 'news', 'clinton']
---: ['october', 'cnn', 'george', 'establishment', 'abedin', 'victory', 'we', 'white', 'political', 'sanders']", + "+++: ['the', 'going', 'presidential', 'hillary', 'york', 'i', 'media', 'democratic', 'news', 'clinton']
---: ['october', 'cnn', 'george', 'establishment', 'abedin', 'victory', 'we', 'white', 'political', 'sanders']", + "+++: ['the', 'going', 'presidential', 'hillary', 'york', 'i', 'media', 'democratic', 'news', 'clinton']
---: ['october', 'cnn', 'george', 'establishment', 'abedin', 'victory', 'we', 'white', 'political', 'sanders']", + "+++: ['the', 'going', 'presidential', 'hillary', 'york', 'i', 'media', 'democratic', 'news', 'clinton']
---: ['october', 'cnn', 'george', 'establishment', 'abedin', 'victory', 'we', 'white', 'political', 'sanders']", + "+++: ['the', 'going', 'presidential', 'hillary', 'york', 'i', 'media', 'democratic', 'news', 'clinton']
---: ['october', 'cnn', 'george', 'establishment', 'abedin', 'victory', 'we', 'white', 'political', 'sanders']", + "+++: ['the', 'going', 'presidential', 'hillary', 'york', 'i', 'media', 'democratic', 'news', 'clinton']
---: ['october', 'cnn', 'george', 'establishment', 'abedin', 'victory', 'we', 'white', 'political', 'sanders']", + null, + "+++: ['the', 'going', 'that', 'know', 'i', 'state']
---: ['october', 'we', 'life', 'll', 'foundation', 'case', 'classified', 'america', 'believe', 'sources']", + "+++: ['the', 'going', 'that', 'know', 'i', 'state']
---: ['october', 'we', 'life', 'll', 'foundation', 'case', 'classified', 'america', 'believe', 'sources']", + "+++: ['the', 'going', 'that', 'know', 'i', 'state']
---: ['october', 'we', 'life', 'll', 'foundation', 'case', 'classified', 'america', 'believe', 'sources']", + "+++: ['the', 'going', 'that', 'know', 'i', 'state']
---: ['october', 'we', 'life', 'll', 'foundation', 'case', 'classified', 'america', 'believe', 'sources']", + "+++: ['the', 'going', 'that', 'know', 'i', 'state']
---: ['october', 'we', 'life', 'll', 'foundation', 'case', 'classified', 'america', 'believe', 'sources']", + "+++: ['the', 'going', 'that', 'know', 'i', 'state']
---: ['october', 'we', 'life', 'll', 'foundation', 'case', 'classified', 'america', 'believe', 'sources']", + "+++: ['the', 'going', 'that', 'know', 'i', 'state']
---: ['october', 'we', 'life', 'll', 'foundation', 'case', 'classified', 'america', 'believe', 'sources']", + "+++: ['the', 'going', 'that', 'know', 'i', 'state']
---: ['october', 'we', 'life', 'll', 'foundation', 'case', 'classified', 'america', 'believe', 'sources']", + "+++: ['the', 'going', 'that', 'know', 'i', 'state']
---: ['october', 'we', 'life', 'll', 'foundation', 'case', 'classified', 'america', 'believe', 'sources']", + "+++: ['the', 'going', 'that', 'know', 'i', 'state']
---: ['october', 'we', 'life', 'll', 'foundation', 'case', 'classified', 'america', 'believe', 'sources']", + null, + "+++: ['case', 'october', 'email', 'fbi', 'criminal', 'according', 'information', 'public', 'department', 'hillary']
---: ['the', 'abedin', 'justice', 'washington', 'media', 'chief', 'vaccines', 'official', '2015', 'secretary']", + "+++: ['case', 'october', 'email', 'fbi', 'criminal', 'according', 'information', 'public', 'department', 'hillary']
---: ['the', 'abedin', 'justice', 'washington', 'media', 'chief', 'vaccines', 'official', '2015', 'secretary']", + "+++: ['case', 'october', 'email', 'fbi', 'criminal', 'according', 'information', 'public', 'department', 'hillary']
---: ['the', 'abedin', 'justice', 'washington', 'media', 'chief', 'vaccines', 'official', '2015', 'secretary']", + "+++: ['case', 'october', 'email', 'fbi', 'criminal', 'according', 'information', 'public', 'department', 'hillary']
---: ['the', 'abedin', 'justice', 'washington', 'media', 'chief', 'vaccines', 'official', '2015', 'secretary']", + "+++: ['case', 'october', 'email', 'fbi', 'criminal', 'according', 'information', 'public', 'department', 'hillary']
---: ['the', 'abedin', 'justice', 'washington', 'media', 'chief', 'vaccines', 'official', '2015', 'secretary']", + "+++: ['case', 'october', 'email', 'fbi', 'criminal', 'according', 'information', 'public', 'department', 'hillary']
---: ['the', 'abedin', 'justice', 'washington', 'media', 'chief', 'vaccines', 'official', '2015', 'secretary']", + "+++: ['case', 'october', 'email', 'fbi', 'criminal', 'according', 'information', 'public', 'department', 'hillary']
---: ['the', 'abedin', 'justice', 'washington', 'media', 'chief', 'vaccines', 'official', '2015', 'secretary']", + "+++: ['case', 'october', 'email', 'fbi', 'criminal', 'according', 'information', 'public', 'department', 'hillary']
---: ['the', 'abedin', 'justice', 'washington', 'media', 'chief', 'vaccines', 'official', '2015', 'secretary']", + "+++: ['case', 'october', 'email', 'fbi', 'criminal', 'according', 'information', 'public', 'department', 'hillary']
---: ['the', 'abedin', 'justice', 'washington', 'media', 'chief', 'vaccines', 'official', '2015', 'secretary']", + "+++: ['case', 'october', 'email', 'fbi', 'criminal', 'according', 'information', 'public', 'department', 'hillary']
---: ['the', 'abedin', 'justice', 'washington', 'media', 'chief', 'vaccines', 'official', '2015', 'secretary']", + null, + "+++: ['reports', 'camp', 'according']
---: ['october', 'protesters', 'protest', 'food', 'we', '0', 'officer', 'native', 'forces', 'authorities']", + "+++: ['reports', 'camp', 'according']
---: ['october', 'protesters', 'protest', 'food', 'we', '0', 'officer', 'native', 'forces', 'authorities']", + "+++: ['reports', 'camp', 'according']
---: ['october', 'protesters', 'protest', 'food', 'we', '0', 'officer', 'native', 'forces', 'authorities']", + "+++: ['reports', 'camp', 'according']
---: ['october', 'protesters', 'protest', 'food', 'we', '0', 'officer', 'native', 'forces', 'authorities']", + "+++: ['reports', 'camp', 'according']
---: ['october', 'protesters', 'protest', 'food', 'we', '0', 'officer', 'native', 'forces', 'authorities']", + "+++: ['reports', 'camp', 'according']
---: ['october', 'protesters', 'protest', 'food', 'we', '0', 'officer', 'native', 'forces', 'authorities']", + "+++: ['reports', 'camp', 'according']
---: ['october', 'protesters', 'protest', 'food', 'we', '0', 'officer', 'native', 'forces', 'authorities']", + "+++: ['reports', 'camp', 'according']
---: ['october', 'protesters', 'protest', 'food', 'we', '0', 'officer', 'native', 'forces', 'authorities']", + "+++: ['reports', 'camp', 'according']
---: ['october', 'protesters', 'protest', 'food', 'we', '0', 'officer', 'native', 'forces', 'authorities']", + "+++: ['reports', 'camp', 'according']
---: ['october', 'protesters', 'protest', 'food', 'we', '0', 'officer', 'native', 'forces', 'authorities']", + null, + "+++: ['the', 'world', 'years', 'government']
---: ['food', '0', 'forces', 'authorities', 'australia', 'asia', 'pakistan', 'navy', 'europe', 'east']", + "+++: ['the', 'world', 'years', 'government']
---: ['food', '0', 'forces', 'authorities', 'australia', 'asia', 'pakistan', 'navy', 'europe', 'east']", + "+++: ['the', 'world', 'years', 'government']
---: ['food', '0', 'forces', 'authorities', 'australia', 'asia', 'pakistan', 'navy', 'europe', 'east']", + "+++: ['the', 'world', 'years', 'government']
---: ['food', '0', 'forces', 'authorities', 'australia', 'asia', 'pakistan', 'navy', 'europe', 'east']", + "+++: ['the', 'world', 'years', 'government']
---: ['food', '0', 'forces', 'authorities', 'australia', 'asia', 'pakistan', 'navy', 'europe', 'east']", + "+++: ['the', 'world', 'years', 'government']
---: ['food', '0', 'forces', 'authorities', 'australia', 'asia', 'pakistan', 'navy', 'europe', 'east']", + "+++: ['the', 'world', 'years', 'government']
---: ['food', '0', 'forces', 'authorities', 'australia', 'asia', 'pakistan', 'navy', 'europe', 'east']", + "+++: ['the', 'world', 'years', 'government']
---: ['food', '0', 'forces', 'authorities', 'australia', 'asia', 'pakistan', 'navy', 'europe', 'east']", + "+++: ['the', 'world', 'years', 'government']
---: ['food', '0', 'forces', 'authorities', 'australia', 'asia', 'pakistan', 'navy', 'europe', 'east']", + "+++: ['the', 'world', 'years', 'government']
---: ['food', '0', 'forces', 'authorities', 'australia', 'asia', 'pakistan', 'navy', 'europe', 'east']", + null, + "+++: ['study', 'according', 'human', 'research', 'use', 'source', 'years']
---: ['mins', 'food', 'humans', '0', 'life', 'drug', 'dr', 'forces', 'authorities', 'pakistan']", + "+++: ['study', 'according', 'human', 'research', 'use', 'source', 'years']
---: ['mins', 'food', 'humans', '0', 'life', 'drug', 'dr', 'forces', 'authorities', 'pakistan']", + "+++: ['study', 'according', 'human', 'research', 'use', 'source', 'years']
---: ['mins', 'food', 'humans', '0', 'life', 'drug', 'dr', 'forces', 'authorities', 'pakistan']", + "+++: ['study', 'according', 'human', 'research', 'use', 'source', 'years']
---: ['mins', 'food', 'humans', '0', 'life', 'drug', 'dr', 'forces', 'authorities', 'pakistan']", + "+++: ['study', 'according', 'human', 'research', 'use', 'source', 'years']
---: ['mins', 'food', 'humans', '0', 'life', 'drug', 'dr', 'forces', 'authorities', 'pakistan']", + "+++: ['study', 'according', 'human', 'research', 'use', 'source', 'years']
---: ['mins', 'food', 'humans', '0', 'life', 'drug', 'dr', 'forces', 'authorities', 'pakistan']", + "+++: ['study', 'according', 'human', 'research', 'use', 'source', 'years']
---: ['mins', 'food', 'humans', '0', 'life', 'drug', 'dr', 'forces', 'authorities', 'pakistan']", + "+++: ['study', 'according', 'human', 'research', 'use', 'source', 'years']
---: ['mins', 'food', 'humans', '0', 'life', 'drug', 'dr', 'forces', 'authorities', 'pakistan']", + "+++: ['study', 'according', 'human', 'research', 'use', 'source', 'years']
---: ['mins', 'food', 'humans', '0', 'life', 'drug', 'dr', 'forces', 'authorities', 'pakistan']", + "+++: ['study', 'according', 'human', 'research', 'use', 'source', 'years']
---: ['mins', 'food', 'humans', '0', 'life', 'drug', 'dr', 'forces', 'authorities', 'pakistan']", + null, + "+++: ['area', 'according', 'air', 'world', 'source', 'years']
---: ['food', 'we', '0', 'forces', 'warm', 'authorities', 'pakistan', 'navy', 'ice', 'heat']", + "+++: ['area', 'according', 'air', 'world', 'source', 'years']
---: ['food', 'we', '0', 'forces', 'warm', 'authorities', 'pakistan', 'navy', 'ice', 'heat']", + "+++: ['area', 'according', 'air', 'world', 'source', 'years']
---: ['food', 'we', '0', 'forces', 'warm', 'authorities', 'pakistan', 'navy', 'ice', 'heat']", + "+++: ['area', 'according', 'air', 'world', 'source', 'years']
---: ['food', 'we', '0', 'forces', 'warm', 'authorities', 'pakistan', 'navy', 'ice', 'heat']", + "+++: ['area', 'according', 'air', 'world', 'source', 'years']
---: ['food', 'we', '0', 'forces', 'warm', 'authorities', 'pakistan', 'navy', 'ice', 'heat']", + "+++: ['area', 'according', 'air', 'world', 'source', 'years']
---: ['food', 'we', '0', 'forces', 'warm', 'authorities', 'pakistan', 'navy', 'ice', 'heat']", + "+++: ['area', 'according', 'air', 'world', 'source', 'years']
---: ['food', 'we', '0', 'forces', 'warm', 'authorities', 'pakistan', 'navy', 'ice', 'heat']", + "+++: ['area', 'according', 'air', 'world', 'source', 'years']
---: ['food', 'we', '0', 'forces', 'warm', 'authorities', 'pakistan', 'navy', 'ice', 'heat']", + "+++: ['area', 'according', 'air', 'world', 'source', 'years']
---: ['food', 'we', '0', 'forces', 'warm', 'authorities', 'pakistan', 'navy', 'ice', 'heat']", + "+++: ['area', 'according', 'air', 'world', 'source', 'years']
---: ['food', 'we', '0', 'forces', 'warm', 'authorities', 'pakistan', 'navy', 'ice', 'heat']", + null, + "+++: ['world', 'years', 'human']
---: ['food', '0', 'life', 'real', 'forces', 'able', 'authorities', 'pakistan', 'i', 'god']", + "+++: ['world', 'years', 'human']
---: ['food', '0', 'life', 'real', 'forces', 'able', 'authorities', 'pakistan', 'i', 'god']", + "+++: ['world', 'years', 'human']
---: ['food', '0', 'life', 'real', 'forces', 'able', 'authorities', 'pakistan', 'i', 'god']", + "+++: ['world', 'years', 'human']
---: ['food', '0', 'life', 'real', 'forces', 'able', 'authorities', 'pakistan', 'i', 'god']", + "+++: ['world', 'years', 'human']
---: ['food', '0', 'life', 'real', 'forces', 'able', 'authorities', 'pakistan', 'i', 'god']", + "+++: ['world', 'years', 'human']
---: ['food', '0', 'life', 'real', 'forces', 'able', 'authorities', 'pakistan', 'i', 'god']", + "+++: ['world', 'years', 'human']
---: ['food', '0', 'life', 'real', 'forces', 'able', 'authorities', 'pakistan', 'i', 'god']", + "+++: ['world', 'years', 'human']
---: ['food', '0', 'life', 'real', 'forces', 'able', 'authorities', 'pakistan', 'i', 'god']", + "+++: ['world', 'years', 'human']
---: ['food', '0', 'life', 'real', 'forces', 'able', 'authorities', 'pakistan', 'i', 'god']", + "+++: ['world', 'years', 'human']
---: ['food', '0', 'life', 'real', 'forces', 'able', 'authorities', 'pakistan', 'i', 'god']", + null, + "+++: ['world', 'years', 'government']
---: ['food', 'establishment', 'political', 'we', '0', 'nation', 'real', 'forces', 'america', 'authorities']", + "+++: ['world', 'years', 'government']
---: ['food', 'establishment', 'political', 'we', '0', 'nation', 'real', 'forces', 'america', 'authorities']", + "+++: ['world', 'years', 'government']
---: ['food', 'establishment', 'political', 'we', '0', 'nation', 'real', 'forces', 'america', 'authorities']", + "+++: ['world', 'years', 'government']
---: ['food', 'establishment', 'political', 'we', '0', 'nation', 'real', 'forces', 'america', 'authorities']", + "+++: ['world', 'years', 'government']
---: ['food', 'establishment', 'political', 'we', '0', 'nation', 'real', 'forces', 'america', 'authorities']", + "+++: ['world', 'years', 'government']
---: ['food', 'establishment', 'political', 'we', '0', 'nation', 'real', 'forces', 'america', 'authorities']", + "+++: ['world', 'years', 'government']
---: ['food', 'establishment', 'political', 'we', '0', 'nation', 'real', 'forces', 'america', 'authorities']", + "+++: ['world', 'years', 'government']
---: ['food', 'establishment', 'political', 'we', '0', 'nation', 'real', 'forces', 'america', 'authorities']", + "+++: ['world', 'years', 'government']
---: ['food', 'establishment', 'political', 'we', '0', 'nation', 'real', 'forces', 'america', 'authorities']", + "+++: ['world', 'years', 'government']
---: ['food', 'establishment', 'political', 'we', '0', 'nation', 'real', 'forces', 'america', 'authorities']", + null, + "+++: ['the', 'world', 'government']
---: ['food', 'security', 'relations', 'political', 'washington', '0', 'russian', 'forces', 'america', 'authorities']", + "+++: ['the', 'world', 'government']
---: ['food', 'security', 'relations', 'political', 'washington', '0', 'russian', 'forces', 'america', 'authorities']", + "+++: ['the', 'world', 'government']
---: ['food', 'security', 'relations', 'political', 'washington', '0', 'russian', 'forces', 'america', 'authorities']", + "+++: ['the', 'world', 'government']
---: ['food', 'security', 'relations', 'political', 'washington', '0', 'russian', 'forces', 'america', 'authorities']", + "+++: ['the', 'world', 'government']
---: ['food', 'security', 'relations', 'political', 'washington', '0', 'russian', 'forces', 'america', 'authorities']", + "+++: ['the', 'world', 'government']
---: ['food', 'security', 'relations', 'political', 'washington', '0', 'russian', 'forces', 'america', 'authorities']", + "+++: ['the', 'world', 'government']
---: ['food', 'security', 'relations', 'political', 'washington', '0', 'russian', 'forces', 'america', 'authorities']", + "+++: ['the', 'world', 'government']
---: ['food', 'security', 'relations', 'political', 'washington', '0', 'russian', 'forces', 'america', 'authorities']", + "+++: ['the', 'world', 'government']
---: ['food', 'security', 'relations', 'political', 'washington', '0', 'russian', 'forces', 'america', 'authorities']", + "+++: ['the', 'world', 'government']
---: ['food', 'security', 'relations', 'political', 'washington', '0', 'russian', 'forces', 'america', 'authorities']", + null, + "+++: ['use', 'study', 'research', 'children', 'years']
---: ['3', 'food', 'field', 'lead', '0', 'choi', 'life', 'doctor', 'forces', 'authorities']", + "+++: ['use', 'study', 'research', 'children', 'years']
---: ['3', 'food', 'field', 'lead', '0', 'choi', 'life', 'doctor', 'forces', 'authorities']", + "+++: ['use', 'study', 'research', 'children', 'years']
---: ['3', 'food', 'field', 'lead', '0', 'choi', 'life', 'doctor', 'forces', 'authorities']", + "+++: ['use', 'study', 'research', 'children', 'years']
---: ['3', 'food', 'field', 'lead', '0', 'choi', 'life', 'doctor', 'forces', 'authorities']", + "+++: ['use', 'study', 'research', 'children', 'years']
---: ['3', 'food', 'field', 'lead', '0', 'choi', 'life', 'doctor', 'forces', 'authorities']", + "+++: ['use', 'study', 'research', 'children', 'years']
---: ['3', 'food', 'field', 'lead', '0', 'choi', 'life', 'doctor', 'forces', 'authorities']", + "+++: ['use', 'study', 'research', 'children', 'years']
---: ['3', 'food', 'field', 'lead', '0', 'choi', 'life', 'doctor', 'forces', 'authorities']", + "+++: ['use', 'study', 'research', 'children', 'years']
---: ['3', 'food', 'field', 'lead', '0', 'choi', 'life', 'doctor', 'forces', 'authorities']", + "+++: ['use', 'study', 'research', 'children', 'years']
---: ['3', 'food', 'field', 'lead', '0', 'choi', 'life', 'doctor', 'forces', 'authorities']", + "+++: ['use', 'study', 'research', 'children', 'years']
---: ['3', 'food', 'field', 'lead', '0', 'choi', 'life', 'doctor', 'forces', 'authorities']", + null, + "+++: ['million', '000', 'years', 'government']
---: ['food', '0', 'forces', 'paul', 'authorities', 'pakistan', 'navy', 'fund', 'wall', 'jobs']", + "+++: ['million', '000', 'years', 'government']
---: ['food', '0', 'forces', 'paul', 'authorities', 'pakistan', 'navy', 'fund', 'wall', 'jobs']", + "+++: ['million', '000', 'years', 'government']
---: ['food', '0', 'forces', 'paul', 'authorities', 'pakistan', 'navy', 'fund', 'wall', 'jobs']", + "+++: ['million', '000', 'years', 'government']
---: ['food', '0', 'forces', 'paul', 'authorities', 'pakistan', 'navy', 'fund', 'wall', 'jobs']", + "+++: ['million', '000', 'years', 'government']
---: ['food', '0', 'forces', 'paul', 'authorities', 'pakistan', 'navy', 'fund', 'wall', 'jobs']", + "+++: ['million', '000', 'years', 'government']
---: ['food', '0', 'forces', 'paul', 'authorities', 'pakistan', 'navy', 'fund', 'wall', 'jobs']", + "+++: ['million', '000', 'years', 'government']
---: ['food', '0', 'forces', 'paul', 'authorities', 'pakistan', 'navy', 'fund', 'wall', 'jobs']", + "+++: ['million', '000', 'years', 'government']
---: ['food', '0', 'forces', 'paul', 'authorities', 'pakistan', 'navy', 'fund', 'wall', 'jobs']", + "+++: ['million', '000', 'years', 'government']
---: ['food', '0', 'forces', 'paul', 'authorities', 'pakistan', 'navy', 'fund', 'wall', 'jobs']", + "+++: ['million', '000', 'years', 'government']
---: ['food', '0', 'forces', 'paul', 'authorities', 'pakistan', 'navy', 'fund', 'wall', 'jobs']", + null, + "+++: ['army', 'the', 'air', 'general', 'forces', 'world', 'years', 'government', 'force']
---: ['food', 'security', 'political', 'washington', 'we', '0', 'nation', 'russian', 'america', 'authorities']", + "+++: ['army', 'the', 'air', 'general', 'forces', 'world', 'years', 'government', 'force']
---: ['food', 'security', 'political', 'washington', 'we', '0', 'nation', 'russian', 'america', 'authorities']", + "+++: ['army', 'the', 'air', 'general', 'forces', 'world', 'years', 'government', 'force']
---: ['food', 'security', 'political', 'washington', 'we', '0', 'nation', 'russian', 'america', 'authorities']", + "+++: ['army', 'the', 'air', 'general', 'forces', 'world', 'years', 'government', 'force']
---: ['food', 'security', 'political', 'washington', 'we', '0', 'nation', 'russian', 'america', 'authorities']", + "+++: ['army', 'the', 'air', 'general', 'forces', 'world', 'years', 'government', 'force']
---: ['food', 'security', 'political', 'washington', 'we', '0', 'nation', 'russian', 'america', 'authorities']", + "+++: ['army', 'the', 'air', 'general', 'forces', 'world', 'years', 'government', 'force']
---: ['food', 'security', 'political', 'washington', 'we', '0', 'nation', 'russian', 'america', 'authorities']", + "+++: ['army', 'the', 'air', 'general', 'forces', 'world', 'years', 'government', 'force']
---: ['food', 'security', 'political', 'washington', 'we', '0', 'nation', 'russian', 'america', 'authorities']", + "+++: ['army', 'the', 'air', 'general', 'forces', 'world', 'years', 'government', 'force']
---: ['food', 'security', 'political', 'washington', 'we', '0', 'nation', 'russian', 'america', 'authorities']", + "+++: ['army', 'the', 'air', 'general', 'forces', 'world', 'years', 'government', 'force']
---: ['food', 'security', 'political', 'washington', 'we', '0', 'nation', 'russian', 'america', 'authorities']", + "+++: ['army', 'the', 'air', 'general', 'forces', 'world', 'years', 'government', 'force']
---: ['food', 'security', 'political', 'washington', 'we', '0', 'nation', 'russian', 'america', 'authorities']", + null, + "+++: ['reports', 'years', 'according']
---: ['3', 'food', 'early', 'voter', 'lead', '0', 'forces', 'authorities', 'ballots', 'pakistan']", + "+++: ['reports', 'years', 'according']
---: ['3', 'food', 'early', 'voter', 'lead', '0', 'forces', 'authorities', 'ballots', 'pakistan']", + "+++: ['reports', 'years', 'according']
---: ['3', 'food', 'early', 'voter', 'lead', '0', 'forces', 'authorities', 'ballots', 'pakistan']", + "+++: ['reports', 'years', 'according']
---: ['3', 'food', 'early', 'voter', 'lead', '0', 'forces', 'authorities', 'ballots', 'pakistan']", + "+++: ['reports', 'years', 'according']
---: ['3', 'food', 'early', 'voter', 'lead', '0', 'forces', 'authorities', 'ballots', 'pakistan']", + "+++: ['reports', 'years', 'according']
---: ['3', 'food', 'early', 'voter', 'lead', '0', 'forces', 'authorities', 'ballots', 'pakistan']", + "+++: ['reports', 'years', 'according']
---: ['3', 'food', 'early', 'voter', 'lead', '0', 'forces', 'authorities', 'ballots', 'pakistan']", + "+++: ['reports', 'years', 'according']
---: ['3', 'food', 'early', 'voter', 'lead', '0', 'forces', 'authorities', 'ballots', 'pakistan']", + "+++: ['reports', 'years', 'according']
---: ['3', 'food', 'early', 'voter', 'lead', '0', 'forces', 'authorities', 'ballots', 'pakistan']", + "+++: ['reports', 'years', 'according']
---: ['3', 'food', 'early', 'voter', 'lead', '0', 'forces', 'authorities', 'ballots', 'pakistan']", + null, + "+++: ['use', 'food', 'research']
---: ['3', '0', 'helps', 'vitamin', 'forces', 'authorities', 'virus', 'pakistan', 'high', 'navy']", + "+++: ['use', 'food', 'research']
---: ['3', '0', 'helps', 'vitamin', 'forces', 'authorities', 'virus', 'pakistan', 'high', 'navy']", + "+++: ['use', 'food', 'research']
---: ['3', '0', 'helps', 'vitamin', 'forces', 'authorities', 'virus', 'pakistan', 'high', 'navy']", + "+++: ['use', 'food', 'research']
---: ['3', '0', 'helps', 'vitamin', 'forces', 'authorities', 'virus', 'pakistan', 'high', 'navy']", + "+++: ['use', 'food', 'research']
---: ['3', '0', 'helps', 'vitamin', 'forces', 'authorities', 'virus', 'pakistan', 'high', 'navy']", + "+++: ['use', 'food', 'research']
---: ['3', '0', 'helps', 'vitamin', 'forces', 'authorities', 'virus', 'pakistan', 'high', 'navy']", + "+++: ['use', 'food', 'research']
---: ['3', '0', 'helps', 'vitamin', 'forces', 'authorities', 'virus', 'pakistan', 'high', 'navy']", + "+++: ['use', 'food', 'research']
---: ['3', '0', 'helps', 'vitamin', 'forces', 'authorities', 'virus', 'pakistan', 'high', 'navy']", + "+++: ['use', 'food', 'research']
---: ['3', '0', 'helps', 'vitamin', 'forces', 'authorities', 'virus', 'pakistan', 'high', 'navy']", + "+++: ['use', 'food', 'research']
---: ['3', '0', 'helps', 'vitamin', 'forces', 'authorities', 'virus', 'pakistan', 'high', 'navy']", + null, + "+++: ['world', 'years']
---: ['d', 'lab', 'food', '0', 'life', 'iceland', 'forces', 'baby', 'authorities', 'pakistan']", + "+++: ['world', 'years']
---: ['d', 'lab', 'food', '0', 'life', 'iceland', 'forces', 'baby', 'authorities', 'pakistan']", + "+++: ['world', 'years']
---: ['d', 'lab', 'food', '0', 'life', 'iceland', 'forces', 'baby', 'authorities', 'pakistan']", + "+++: ['world', 'years']
---: ['d', 'lab', 'food', '0', 'life', 'iceland', 'forces', 'baby', 'authorities', 'pakistan']", + "+++: ['world', 'years']
---: ['d', 'lab', 'food', '0', 'life', 'iceland', 'forces', 'baby', 'authorities', 'pakistan']", + "+++: ['world', 'years']
---: ['d', 'lab', 'food', '0', 'life', 'iceland', 'forces', 'baby', 'authorities', 'pakistan']", + "+++: ['world', 'years']
---: ['d', 'lab', 'food', '0', 'life', 'iceland', 'forces', 'baby', 'authorities', 'pakistan']", + "+++: ['world', 'years']
---: ['d', 'lab', 'food', '0', 'life', 'iceland', 'forces', 'baby', 'authorities', 'pakistan']", + "+++: ['world', 'years']
---: ['d', 'lab', 'food', '0', 'life', 'iceland', 'forces', 'baby', 'authorities', 'pakistan']", + "+++: ['world', 'years']
---: ['d', 'lab', 'food', '0', 'life', 'iceland', 'forces', 'baby', 'authorities', 'pakistan']", + null, + "+++: ['the', 'groups', 'civilians', 'aleppo', 'forces', 'world', 'government']
---: ['food', 'washington', '0', 'russian', 'authorities', 'pakistan', 'war', 'navy', 'weapons', 'east']", + "+++: ['the', 'groups', 'civilians', 'aleppo', 'forces', 'world', 'government']
---: ['food', 'washington', '0', 'russian', 'authorities', 'pakistan', 'war', 'navy', 'weapons', 'east']", + "+++: ['the', 'groups', 'civilians', 'aleppo', 'forces', 'world', 'government']
---: ['food', 'washington', '0', 'russian', 'authorities', 'pakistan', 'war', 'navy', 'weapons', 'east']", + "+++: ['the', 'groups', 'civilians', 'aleppo', 'forces', 'world', 'government']
---: ['food', 'washington', '0', 'russian', 'authorities', 'pakistan', 'war', 'navy', 'weapons', 'east']", + "+++: ['the', 'groups', 'civilians', 'aleppo', 'forces', 'world', 'government']
---: ['food', 'washington', '0', 'russian', 'authorities', 'pakistan', 'war', 'navy', 'weapons', 'east']", + "+++: ['the', 'groups', 'civilians', 'aleppo', 'forces', 'world', 'government']
---: ['food', 'washington', '0', 'russian', 'authorities', 'pakistan', 'war', 'navy', 'weapons', 'east']", + "+++: ['the', 'groups', 'civilians', 'aleppo', 'forces', 'world', 'government']
---: ['food', 'washington', '0', 'russian', 'authorities', 'pakistan', 'war', 'navy', 'weapons', 'east']", + "+++: ['the', 'groups', 'civilians', 'aleppo', 'forces', 'world', 'government']
---: ['food', 'washington', '0', 'russian', 'authorities', 'pakistan', 'war', 'navy', 'weapons', 'east']", + "+++: ['the', 'groups', 'civilians', 'aleppo', 'forces', 'world', 'government']
---: ['food', 'washington', '0', 'russian', 'authorities', 'pakistan', 'war', 'navy', 'weapons', 'east']", + "+++: ['the', 'groups', 'civilians', 'aleppo', 'forces', 'world', 'government']
---: ['food', 'washington', '0', 'russian', 'authorities', 'pakistan', 'war', 'navy', 'weapons', 'east']", + null, + "+++: ['debt', 'economic', '1', '2', 'u', 'economy', 'federal', 'year', 'financial', 'years']
---: ['0', 'bank', 'paul', 'price', 'industry', 'fund', 'wall', 'jobs', 'quarter', 'pay']", + "+++: ['debt', 'economic', '1', '2', 'u', 'economy', 'federal', 'year', 'financial', 'years']
---: ['0', 'bank', 'paul', 'price', 'industry', 'fund', 'wall', 'jobs', 'quarter', 'pay']", + "+++: ['debt', 'economic', '1', '2', 'u', 'economy', 'federal', 'year', 'financial', 'years']
---: ['0', 'bank', 'paul', 'price', 'industry', 'fund', 'wall', 'jobs', 'quarter', 'pay']", + "+++: ['debt', 'economic', '1', '2', 'u', 'economy', 'federal', 'year', 'financial', 'years']
---: ['0', 'bank', 'paul', 'price', 'industry', 'fund', 'wall', 'jobs', 'quarter', 'pay']", + "+++: ['debt', 'economic', '1', '2', 'u', 'economy', 'federal', 'year', 'financial', 'years']
---: ['0', 'bank', 'paul', 'price', 'industry', 'fund', 'wall', 'jobs', 'quarter', 'pay']", + "+++: ['debt', 'economic', '1', '2', 'u', 'economy', 'federal', 'year', 'financial', 'years']
---: ['0', 'bank', 'paul', 'price', 'industry', 'fund', 'wall', 'jobs', 'quarter', 'pay']", + "+++: ['debt', 'economic', '1', '2', 'u', 'economy', 'federal', 'year', 'financial', 'years']
---: ['0', 'bank', 'paul', 'price', 'industry', 'fund', 'wall', 'jobs', 'quarter', 'pay']", + "+++: ['debt', 'economic', '1', '2', 'u', 'economy', 'federal', 'year', 'financial', 'years']
---: ['0', 'bank', 'paul', 'price', 'industry', 'fund', 'wall', 'jobs', 'quarter', 'pay']", + "+++: ['debt', 'economic', '1', '2', 'u', 'economy', 'federal', 'year', 'financial', 'years']
---: ['0', 'bank', 'paul', 'price', 'industry', 'fund', 'wall', 'jobs', 'quarter', 'pay']", + "+++: ['debt', 'economic', '1', '2', 'u', 'economy', 'federal', 'year', 'financial', 'years']
---: ['0', 'bank', 'paul', 'price', 'industry', 'fund', 'wall', 'jobs', 'quarter', 'pay']", + null, + "+++: ['way', 'think', 'that', 'know', 'i', 're', 'god', 'you']
---: ['october', 'x', 'we', '0', 'life', 'code', 'real', 'able', 'comment', 'ring']", + "+++: ['way', 'think', 'that', 'know', 'i', 're', 'god', 'you']
---: ['october', 'x', 'we', '0', 'life', 'code', 'real', 'able', 'comment', 'ring']", + "+++: ['way', 'think', 'that', 'know', 'i', 're', 'god', 'you']
---: ['october', 'x', 'we', '0', 'life', 'code', 'real', 'able', 'comment', 'ring']", + "+++: ['way', 'think', 'that', 'know', 'i', 're', 'god', 'you']
---: ['october', 'x', 'we', '0', 'life', 'code', 'real', 'able', 'comment', 'ring']", + "+++: ['way', 'think', 'that', 'know', 'i', 're', 'god', 'you']
---: ['october', 'x', 'we', '0', 'life', 'code', 'real', 'able', 'comment', 'ring']", + "+++: ['way', 'think', 'that', 'know', 'i', 're', 'god', 'you']
---: ['october', 'x', 'we', '0', 'life', 'code', 'real', 'able', 'comment', 'ring']", + "+++: ['way', 'think', 'that', 'know', 'i', 're', 'god', 'you']
---: ['october', 'x', 'we', '0', 'life', 'code', 'real', 'able', 'comment', 'ring']", + "+++: ['way', 'think', 'that', 'know', 'i', 're', 'god', 'you']
---: ['october', 'x', 'we', '0', 'life', 'code', 'real', 'able', 'comment', 'ring']", + "+++: ['way', 'think', 'that', 'know', 'i', 're', 'god', 'you']
---: ['october', 'x', 'we', '0', 'life', 'code', 'real', 'able', 'comment', 'ring']", + "+++: ['way', 'think', 'that', 'know', 'i', 're', 'god', 'you']
---: ['october', 'x', 'we', '0', 'life', 'code', 'real', 'able', 'comment', 'ring']", + null, + "+++: ['right', 'way', 'that', 'know', 'i', 're', 'god', 'there', 'you']
---: ['d', 'october', 'lab', 'x', 'we', '0', 'life', 'code', 'iceland', 'baby']", + "+++: ['right', 'way', 'that', 'know', 'i', 're', 'god', 'there', 'you']
---: ['d', 'october', 'lab', 'x', 'we', '0', 'life', 'code', 'iceland', 'baby']", + "+++: ['right', 'way', 'that', 'know', 'i', 're', 'god', 'there', 'you']
---: ['d', 'october', 'lab', 'x', 'we', '0', 'life', 'code', 'iceland', 'baby']", + "+++: ['right', 'way', 'that', 'know', 'i', 're', 'god', 'there', 'you']
---: ['d', 'october', 'lab', 'x', 'we', '0', 'life', 'code', 'iceland', 'baby']", + "+++: ['right', 'way', 'that', 'know', 'i', 're', 'god', 'there', 'you']
---: ['d', 'october', 'lab', 'x', 'we', '0', 'life', 'code', 'iceland', 'baby']", + "+++: ['right', 'way', 'that', 'know', 'i', 're', 'god', 'there', 'you']
---: ['d', 'october', 'lab', 'x', 'we', '0', 'life', 'code', 'iceland', 'baby']", + "+++: ['right', 'way', 'that', 'know', 'i', 're', 'god', 'there', 'you']
---: ['d', 'october', 'lab', 'x', 'we', '0', 'life', 'code', 'iceland', 'baby']", + "+++: ['right', 'way', 'that', 'know', 'i', 're', 'god', 'there', 'you']
---: ['d', 'october', 'lab', 'x', 'we', '0', 'life', 'code', 'iceland', 'baby']", + "+++: ['right', 'way', 'that', 'know', 'i', 're', 'god', 'there', 'you']
---: ['d', 'october', 'lab', 'x', 'we', '0', 'life', 'code', 'iceland', 'baby']", + "+++: ['right', 'way', 'that', 'know', 'i', 're', 'god', 'there', 'you']
---: ['d', 'october', 'lab', 'x', 'we', '0', 'life', 'code', 'iceland', 'baby']", + null, + "+++: ['october', 'right']
---: ['p', 'clear', 'x', 'we', '0', 'code', 'totalitarian', 'planetary', 'case', 'gore']", + "+++: ['october', 'right']
---: ['p', 'clear', 'x', 'we', '0', 'code', 'totalitarian', 'planetary', 'case', 'gore']", + "+++: ['october', 'right']
---: ['p', 'clear', 'x', 'we', '0', 'code', 'totalitarian', 'planetary', 'case', 'gore']", + "+++: ['october', 'right']
---: ['p', 'clear', 'x', 'we', '0', 'code', 'totalitarian', 'planetary', 'case', 'gore']", + "+++: ['october', 'right']
---: ['p', 'clear', 'x', 'we', '0', 'code', 'totalitarian', 'planetary', 'case', 'gore']", + "+++: ['october', 'right']
---: ['p', 'clear', 'x', 'we', '0', 'code', 'totalitarian', 'planetary', 'case', 'gore']", + "+++: ['october', 'right']
---: ['p', 'clear', 'x', 'we', '0', 'code', 'totalitarian', 'planetary', 'case', 'gore']", + "+++: ['october', 'right']
---: ['p', 'clear', 'x', 'we', '0', 'code', 'totalitarian', 'planetary', 'case', 'gore']", + "+++: ['october', 'right']
---: ['p', 'clear', 'x', 'we', '0', 'code', 'totalitarian', 'planetary', 'case', 'gore']", + "+++: ['october', 'right']
---: ['p', 'clear', 'x', 'we', '0', 'code', 'totalitarian', 'planetary', 'case', 'gore']", + null, + "+++: ['know', 'we']
---: ['october', 'x', '0', 'code', 'warm', 'comment', 'i', 'ring', 'assange', 'god']", + "+++: ['know', 'we']
---: ['october', 'x', '0', 'code', 'warm', 'comment', 'i', 'ring', 'assange', 'god']", + "+++: ['know', 'we']
---: ['october', 'x', '0', 'code', 'warm', 'comment', 'i', 'ring', 'assange', 'god']", + "+++: ['know', 'we']
---: ['october', 'x', '0', 'code', 'warm', 'comment', 'i', 'ring', 'assange', 'god']", + "+++: ['know', 'we']
---: ['october', 'x', '0', 'code', 'warm', 'comment', 'i', 'ring', 'assange', 'god']", + "+++: ['know', 'we']
---: ['october', 'x', '0', 'code', 'warm', 'comment', 'i', 'ring', 'assange', 'god']", + "+++: ['know', 'we']
---: ['october', 'x', '0', 'code', 'warm', 'comment', 'i', 'ring', 'assange', 'god']", + "+++: ['know', 'we']
---: ['october', 'x', '0', 'code', 'warm', 'comment', 'i', 'ring', 'assange', 'god']", + "+++: ['know', 'we']
---: ['october', 'x', '0', 'code', 'warm', 'comment', 'i', 'ring', 'assange', 'god']", + "+++: ['know', 'we']
---: ['october', 'x', '0', 'code', 'warm', 'comment', 'i', 'ring', 'assange', 'god']", + null, + "+++: ['october', 'trump', 'twitter', '0', 'video', 'com']
---: ['pic', 'x', 'we', 'code', '22', 'earthquake', 'comment', 'i', 'ring', 'assange']", + "+++: ['october', 'trump', 'twitter', '0', 'video', 'com']
---: ['pic', 'x', 'we', 'code', '22', 'earthquake', 'comment', 'i', 'ring', 'assange']", + "+++: ['october', 'trump', 'twitter', '0', 'video', 'com']
---: ['pic', 'x', 'we', 'code', '22', 'earthquake', 'comment', 'i', 'ring', 'assange']", + "+++: ['october', 'trump', 'twitter', '0', 'video', 'com']
---: ['pic', 'x', 'we', 'code', '22', 'earthquake', 'comment', 'i', 'ring', 'assange']", + "+++: ['october', 'trump', 'twitter', '0', 'video', 'com']
---: ['pic', 'x', 'we', 'code', '22', 'earthquake', 'comment', 'i', 'ring', 'assange']", + "+++: ['october', 'trump', 'twitter', '0', 'video', 'com']
---: ['pic', 'x', 'we', 'code', '22', 'earthquake', 'comment', 'i', 'ring', 'assange']", + "+++: ['october', 'trump', 'twitter', '0', 'video', 'com']
---: ['pic', 'x', 'we', 'code', '22', 'earthquake', 'comment', 'i', 'ring', 'assange']", + "+++: ['october', 'trump', 'twitter', '0', 'video', 'com']
---: ['pic', 'x', 'we', 'code', '22', 'earthquake', 'comment', 'i', 'ring', 'assange']", + "+++: ['october', 'trump', 'twitter', '0', 'video', 'com']
---: ['pic', 'x', 'we', 'code', '22', 'earthquake', 'comment', 'i', 'ring', 'assange']", + "+++: ['october', 'trump', 'twitter', '0', 'video', 'com']
---: ['pic', 'x', 'we', 'code', '22', 'earthquake', 'comment', 'i', 'ring', 'assange']", + null, + "+++: ['use', 'health', 'research', '1']
---: ['3', 'mins', 'food', 'humans', 'life', 'helps', 'drug', 'dr', 'vitamin', 'virus']", + "+++: ['use', 'health', 'research', '1']
---: ['3', 'mins', 'food', 'humans', 'life', 'helps', 'drug', 'dr', 'vitamin', 'virus']", + "+++: ['use', 'health', 'research', '1']
---: ['3', 'mins', 'food', 'humans', 'life', 'helps', 'drug', 'dr', 'vitamin', 'virus']", + "+++: ['use', 'health', 'research', '1']
---: ['3', 'mins', 'food', 'humans', 'life', 'helps', 'drug', 'dr', 'vitamin', 'virus']", + "+++: ['use', 'health', 'research', '1']
---: ['3', 'mins', 'food', 'humans', 'life', 'helps', 'drug', 'dr', 'vitamin', 'virus']", + "+++: ['use', 'health', 'research', '1']
---: ['3', 'mins', 'food', 'humans', 'life', 'helps', 'drug', 'dr', 'vitamin', 'virus']", + "+++: ['use', 'health', 'research', '1']
---: ['3', 'mins', 'food', 'humans', 'life', 'helps', 'drug', 'dr', 'vitamin', 'virus']", + "+++: ['use', 'health', 'research', '1']
---: ['3', 'mins', 'food', 'humans', 'life', 'helps', 'drug', 'dr', 'vitamin', 'virus']", + "+++: ['use', 'health', 'research', '1']
---: ['3', 'mins', 'food', 'humans', 'life', 'helps', 'drug', 'dr', 'vitamin', 'virus']", + "+++: ['use', 'health', 'research', '1']
---: ['3', 'mins', 'food', 'humans', 'life', 'helps', 'drug', 'dr', 'vitamin', 'virus']", + null, + "+++: ['study', 'body', '1', 'treatment', 'research', 'life', 'cancer', 'medical', 'use', 'health']
---: ['3', 'mins', 'field', 'cause', 'humans', 'known', 'university', 'universe', '2', 'lead']", + "+++: ['study', 'body', '1', 'treatment', 'research', 'life', 'cancer', 'medical', 'use', 'health']
---: ['3', 'mins', 'field', 'cause', 'humans', 'known', 'university', 'universe', '2', 'lead']", + "+++: ['study', 'body', '1', 'treatment', 'research', 'life', 'cancer', 'medical', 'use', 'health']
---: ['3', 'mins', 'field', 'cause', 'humans', 'known', 'university', 'universe', '2', 'lead']", + "+++: ['study', 'body', '1', 'treatment', 'research', 'life', 'cancer', 'medical', 'use', 'health']
---: ['3', 'mins', 'field', 'cause', 'humans', 'known', 'university', 'universe', '2', 'lead']", + "+++: ['study', 'body', '1', 'treatment', 'research', 'life', 'cancer', 'medical', 'use', 'health']
---: ['3', 'mins', 'field', 'cause', 'humans', 'known', 'university', 'universe', '2', 'lead']", + "+++: ['study', 'body', '1', 'treatment', 'research', 'life', 'cancer', 'medical', 'use', 'health']
---: ['3', 'mins', 'field', 'cause', 'humans', 'known', 'university', 'universe', '2', 'lead']", + "+++: ['study', 'body', '1', 'treatment', 'research', 'life', 'cancer', 'medical', 'use', 'health']
---: ['3', 'mins', 'field', 'cause', 'humans', 'known', 'university', 'universe', '2', 'lead']", + "+++: ['study', 'body', '1', 'treatment', 'research', 'life', 'cancer', 'medical', 'use', 'health']
---: ['3', 'mins', 'field', 'cause', 'humans', 'known', 'university', 'universe', '2', 'lead']", + "+++: ['study', 'body', '1', 'treatment', 'research', 'life', 'cancer', 'medical', 'use', 'health']
---: ['3', 'mins', 'field', 'cause', 'humans', 'known', 'university', 'universe', '2', 'lead']", + "+++: ['study', 'body', '1', 'treatment', 'research', 'life', 'cancer', 'medical', 'use', 'health']
---: ['3', 'mins', 'field', 'cause', 'humans', 'known', 'university', 'universe', '2', 'lead']", + null, + "+++: ['earth', '1', 'according', 'moon', 'light', 'long', 'years', 'source']
---: ['mins', 'humans', 'we', 'life', 'drug', 'dr', 'warm', 'ice', 'heat', 'atmosphere']", + "+++: ['earth', '1', 'according', 'moon', 'light', 'long', 'years', 'source']
---: ['mins', 'humans', 'we', 'life', 'drug', 'dr', 'warm', 'ice', 'heat', 'atmosphere']", + "+++: ['earth', '1', 'according', 'moon', 'light', 'long', 'years', 'source']
---: ['mins', 'humans', 'we', 'life', 'drug', 'dr', 'warm', 'ice', 'heat', 'atmosphere']", + "+++: ['earth', '1', 'according', 'moon', 'light', 'long', 'years', 'source']
---: ['mins', 'humans', 'we', 'life', 'drug', 'dr', 'warm', 'ice', 'heat', 'atmosphere']", + "+++: ['earth', '1', 'according', 'moon', 'light', 'long', 'years', 'source']
---: ['mins', 'humans', 'we', 'life', 'drug', 'dr', 'warm', 'ice', 'heat', 'atmosphere']", + "+++: ['earth', '1', 'according', 'moon', 'light', 'long', 'years', 'source']
---: ['mins', 'humans', 'we', 'life', 'drug', 'dr', 'warm', 'ice', 'heat', 'atmosphere']", + "+++: ['earth', '1', 'according', 'moon', 'light', 'long', 'years', 'source']
---: ['mins', 'humans', 'we', 'life', 'drug', 'dr', 'warm', 'ice', 'heat', 'atmosphere']", + "+++: ['earth', '1', 'according', 'moon', 'light', 'long', 'years', 'source']
---: ['mins', 'humans', 'we', 'life', 'drug', 'dr', 'warm', 'ice', 'heat', 'atmosphere']", + "+++: ['earth', '1', 'according', 'moon', 'light', 'long', 'years', 'source']
---: ['mins', 'humans', 'we', 'life', 'drug', 'dr', 'warm', 'ice', 'heat', 'atmosphere']", + "+++: ['earth', '1', 'according', 'moon', 'light', 'long', 'years', 'source']
---: ['mins', 'humans', 'we', 'life', 'drug', 'dr', 'warm', 'ice', 'heat', 'atmosphere']", + null, + "+++: ['earth', 'work', 'human', 'that', 'life', 'light', 'years']
---: ['mins', 'humans', 'real', 'drug', 'dr', 'able', 'i', 'god', 'point', 'don']", + "+++: ['earth', 'work', 'human', 'that', 'life', 'light', 'years']
---: ['mins', 'humans', 'real', 'drug', 'dr', 'able', 'i', 'god', 'point', 'don']", + "+++: ['earth', 'work', 'human', 'that', 'life', 'light', 'years']
---: ['mins', 'humans', 'real', 'drug', 'dr', 'able', 'i', 'god', 'point', 'don']", + "+++: ['earth', 'work', 'human', 'that', 'life', 'light', 'years']
---: ['mins', 'humans', 'real', 'drug', 'dr', 'able', 'i', 'god', 'point', 'don']", + "+++: ['earth', 'work', 'human', 'that', 'life', 'light', 'years']
---: ['mins', 'humans', 'real', 'drug', 'dr', 'able', 'i', 'god', 'point', 'don']", + "+++: ['earth', 'work', 'human', 'that', 'life', 'light', 'years']
---: ['mins', 'humans', 'real', 'drug', 'dr', 'able', 'i', 'god', 'point', 'don']", + "+++: ['earth', 'work', 'human', 'that', 'life', 'light', 'years']
---: ['mins', 'humans', 'real', 'drug', 'dr', 'able', 'i', 'god', 'point', 'don']", + "+++: ['earth', 'work', 'human', 'that', 'life', 'light', 'years']
---: ['mins', 'humans', 'real', 'drug', 'dr', 'able', 'i', 'god', 'point', 'don']", + "+++: ['earth', 'work', 'human', 'that', 'life', 'light', 'years']
---: ['mins', 'humans', 'real', 'drug', 'dr', 'able', 'i', 'god', 'point', 'don']", + "+++: ['earth', 'work', 'human', 'that', 'life', 'light', 'years']
---: ['mins', 'humans', 'real', 'drug', 'dr', 'able', 'i', 'god', 'point', 'don']", + null, + "+++: ['america', 'going', 'trump', 'establishment', 'hillary', 'american', 'i', 'we', 'political', 'media']
---: ['the', 'right', 'way', 'cnn', 'george', 'victory', 'country', 'washington', 'white', 'won']", + "+++: ['america', 'going', 'trump', 'establishment', 'hillary', 'american', 'i', 'we', 'political', 'media']
---: ['the', 'right', 'way', 'cnn', 'george', 'victory', 'country', 'washington', 'white', 'won']", + "+++: ['america', 'going', 'trump', 'establishment', 'hillary', 'american', 'i', 'we', 'political', 'media']
---: ['the', 'right', 'way', 'cnn', 'george', 'victory', 'country', 'washington', 'white', 'won']", + "+++: ['america', 'going', 'trump', 'establishment', 'hillary', 'american', 'i', 'we', 'political', 'media']
---: ['the', 'right', 'way', 'cnn', 'george', 'victory', 'country', 'washington', 'white', 'won']", + "+++: ['america', 'going', 'trump', 'establishment', 'hillary', 'american', 'i', 'we', 'political', 'media']
---: ['the', 'right', 'way', 'cnn', 'george', 'victory', 'country', 'washington', 'white', 'won']", + "+++: ['america', 'going', 'trump', 'establishment', 'hillary', 'american', 'i', 'we', 'political', 'media']
---: ['the', 'right', 'way', 'cnn', 'george', 'victory', 'country', 'washington', 'white', 'won']", + "+++: ['america', 'going', 'trump', 'establishment', 'hillary', 'american', 'i', 'we', 'political', 'media']
---: ['the', 'right', 'way', 'cnn', 'george', 'victory', 'country', 'washington', 'white', 'won']", + "+++: ['america', 'going', 'trump', 'establishment', 'hillary', 'american', 'i', 'we', 'political', 'media']
---: ['the', 'right', 'way', 'cnn', 'george', 'victory', 'country', 'washington', 'white', 'won']", + "+++: ['america', 'going', 'trump', 'establishment', 'hillary', 'american', 'i', 'we', 'political', 'media']
---: ['the', 'right', 'way', 'cnn', 'george', 'victory', 'country', 'washington', 'white', 'won']", + "+++: ['america', 'going', 'trump', 'establishment', 'hillary', 'american', 'i', 'we', 'political', 'media']
---: ['the', 'right', 'way', 'cnn', 'george', 'victory', 'country', 'washington', 'white', 'won']", + null, + "+++: ['the', 'america', 'trump', 'presidential', 'hillary', 'american', 'political', 'media', 'washington', 'obama']
---: ['security', 'cnn', 'george', 'vladimir', 'establishment', 'relations', 'military', 'country', 'white', 'victory']", + "+++: ['the', 'america', 'trump', 'presidential', 'hillary', 'american', 'political', 'media', 'washington', 'obama']
---: ['security', 'cnn', 'george', 'vladimir', 'establishment', 'relations', 'military', 'country', 'white', 'victory']", + "+++: ['the', 'america', 'trump', 'presidential', 'hillary', 'american', 'political', 'media', 'washington', 'obama']
---: ['security', 'cnn', 'george', 'vladimir', 'establishment', 'relations', 'military', 'country', 'white', 'victory']", + "+++: ['the', 'america', 'trump', 'presidential', 'hillary', 'american', 'political', 'media', 'washington', 'obama']
---: ['security', 'cnn', 'george', 'vladimir', 'establishment', 'relations', 'military', 'country', 'white', 'victory']", + "+++: ['the', 'america', 'trump', 'presidential', 'hillary', 'american', 'political', 'media', 'washington', 'obama']
---: ['security', 'cnn', 'george', 'vladimir', 'establishment', 'relations', 'military', 'country', 'white', 'victory']", + "+++: ['the', 'america', 'trump', 'presidential', 'hillary', 'american', 'political', 'media', 'washington', 'obama']
---: ['security', 'cnn', 'george', 'vladimir', 'establishment', 'relations', 'military', 'country', 'white', 'victory']", + "+++: ['the', 'america', 'trump', 'presidential', 'hillary', 'american', 'political', 'media', 'washington', 'obama']
---: ['security', 'cnn', 'george', 'vladimir', 'establishment', 'relations', 'military', 'country', 'white', 'victory']", + "+++: ['the', 'america', 'trump', 'presidential', 'hillary', 'american', 'political', 'media', 'washington', 'obama']
---: ['security', 'cnn', 'george', 'vladimir', 'establishment', 'relations', 'military', 'country', 'white', 'victory']", + "+++: ['the', 'america', 'trump', 'presidential', 'hillary', 'american', 'political', 'media', 'washington', 'obama']
---: ['security', 'cnn', 'george', 'vladimir', 'establishment', 'relations', 'military', 'country', 'white', 'victory']", + "+++: ['the', 'america', 'trump', 'presidential', 'hillary', 'american', 'political', 'media', 'washington', 'obama']
---: ['security', 'cnn', 'george', 'vladimir', 'establishment', 'relations', 'military', 'country', 'white', 'victory']", + null, + "+++: ['going', 'i', 're', 'day']
---: ['establishment', 'we', 'political', 'washington', 'life', 'won', 'real', 'elect', 'able', 'america']", + "+++: ['going', 'i', 're', 'day']
---: ['establishment', 'we', 'political', 'washington', 'life', 'won', 'real', 'elect', 'able', 'america']", + "+++: ['going', 'i', 're', 'day']
---: ['establishment', 'we', 'political', 'washington', 'life', 'won', 'real', 'elect', 'able', 'america']", + "+++: ['going', 'i', 're', 'day']
---: ['establishment', 'we', 'political', 'washington', 'life', 'won', 'real', 'elect', 'able', 'america']", + "+++: ['going', 'i', 're', 'day']
---: ['establishment', 'we', 'political', 'washington', 'life', 'won', 'real', 'elect', 'able', 'america']", + "+++: ['going', 'i', 're', 'day']
---: ['establishment', 'we', 'political', 'washington', 'life', 'won', 'real', 'elect', 'able', 'america']", + "+++: ['going', 'i', 're', 'day']
---: ['establishment', 'we', 'political', 'washington', 'life', 'won', 'real', 'elect', 'able', 'america']", + "+++: ['going', 'i', 're', 'day']
---: ['establishment', 'we', 'political', 'washington', 'life', 'won', 'real', 'elect', 'able', 'america']", + "+++: ['going', 'i', 're', 'day']
---: ['establishment', 'we', 'political', 'washington', 'life', 'won', 'real', 'elect', 'able', 'america']", + "+++: ['going', 'i', 're', 'day']
---: ['establishment', 'we', 'political', 'washington', 'life', 'won', 'real', 'elect', 'able', 'america']", + null, + "+++: ['re', 'we', 'media', 'news', 'video', 'day']
---: ['october', 'protesters', 'protest', 'establishment', 'political', 'washington', 'officer', 'won', 'native', 'elect']", + "+++: ['re', 'we', 'media', 'news', 'video', 'day']
---: ['october', 'protesters', 'protest', 'establishment', 'political', 'washington', 'officer', 'won', 'native', 'elect']", + "+++: ['re', 'we', 'media', 'news', 'video', 'day']
---: ['october', 'protesters', 'protest', 'establishment', 'political', 'washington', 'officer', 'won', 'native', 'elect']", + "+++: ['re', 'we', 'media', 'news', 'video', 'day']
---: ['october', 'protesters', 'protest', 'establishment', 'political', 'washington', 'officer', 'won', 'native', 'elect']", + "+++: ['re', 'we', 'media', 'news', 'video', 'day']
---: ['october', 'protesters', 'protest', 'establishment', 'political', 'washington', 'officer', 'won', 'native', 'elect']", + "+++: ['re', 'we', 'media', 'news', 'video', 'day']
---: ['october', 'protesters', 'protest', 'establishment', 'political', 'washington', 'officer', 'won', 'native', 'elect']", + "+++: ['re', 'we', 'media', 'news', 'video', 'day']
---: ['october', 'protesters', 'protest', 'establishment', 'political', 'washington', 'officer', 'won', 'native', 'elect']", + "+++: ['re', 'we', 'media', 'news', 'video', 'day']
---: ['october', 'protesters', 'protest', 'establishment', 'political', 'washington', 'officer', 'won', 'native', 'elect']", + "+++: ['re', 'we', 'media', 'news', 'video', 'day']
---: ['october', 'protesters', 'protest', 'establishment', 'political', 'washington', 'officer', 'won', 'native', 'elect']", + "+++: ['re', 'we', 'media', 'news', 'video', 'day']
---: ['october', 'protesters', 'protest', 'establishment', 'political', 'washington', 'officer', 'won', 'native', 'elect']", + null, + "+++: ['support', 'americans', 'trump', 'american', 'obama']
---: ['establishment', 'we', 'political', 'washington', 'won', 'elect', 'paul', 'america', 'candidate', 'i']", + "+++: ['support', 'americans', 'trump', 'american', 'obama']
---: ['establishment', 'we', 'political', 'washington', 'won', 'elect', 'paul', 'america', 'candidate', 'i']", + "+++: ['support', 'americans', 'trump', 'american', 'obama']
---: ['establishment', 'we', 'political', 'washington', 'won', 'elect', 'paul', 'america', 'candidate', 'i']", + "+++: ['support', 'americans', 'trump', 'american', 'obama']
---: ['establishment', 'we', 'political', 'washington', 'won', 'elect', 'paul', 'america', 'candidate', 'i']", + "+++: ['support', 'americans', 'trump', 'american', 'obama']
---: ['establishment', 'we', 'political', 'washington', 'won', 'elect', 'paul', 'america', 'candidate', 'i']", + "+++: ['support', 'americans', 'trump', 'american', 'obama']
---: ['establishment', 'we', 'political', 'washington', 'won', 'elect', 'paul', 'america', 'candidate', 'i']", + "+++: ['support', 'americans', 'trump', 'american', 'obama']
---: ['establishment', 'we', 'political', 'washington', 'won', 'elect', 'paul', 'america', 'candidate', 'i']", + "+++: ['support', 'americans', 'trump', 'american', 'obama']
---: ['establishment', 'we', 'political', 'washington', 'won', 'elect', 'paul', 'america', 'candidate', 'i']", + "+++: ['support', 'americans', 'trump', 'american', 'obama']
---: ['establishment', 'we', 'political', 'washington', 'won', 'elect', 'paul', 'america', 'candidate', 'i']", + "+++: ['support', 'americans', 'trump', 'american', 'obama']
---: ['establishment', 'we', 'political', 'washington', 'won', 'elect', 'paul', 'america', 'candidate', 'i']", + null, + "+++: ['the', 'america', 'american', 'washington', 'we', 'political', 'media', 'americans', 'obama', 'day']
---: ['right', 'security', 'way', 'cnn', 'george', 'cia', 'establishment', 'air', 'military', 'white']", + "+++: ['the', 'america', 'american', 'washington', 'we', 'political', 'media', 'americans', 'obama', 'day']
---: ['right', 'security', 'way', 'cnn', 'george', 'cia', 'establishment', 'air', 'military', 'white']", + "+++: ['the', 'america', 'american', 'washington', 'we', 'political', 'media', 'americans', 'obama', 'day']
---: ['right', 'security', 'way', 'cnn', 'george', 'cia', 'establishment', 'air', 'military', 'white']", + "+++: ['the', 'america', 'american', 'washington', 'we', 'political', 'media', 'americans', 'obama', 'day']
---: ['right', 'security', 'way', 'cnn', 'george', 'cia', 'establishment', 'air', 'military', 'white']", + "+++: ['the', 'america', 'american', 'washington', 'we', 'political', 'media', 'americans', 'obama', 'day']
---: ['right', 'security', 'way', 'cnn', 'george', 'cia', 'establishment', 'air', 'military', 'white']", + "+++: ['the', 'america', 'american', 'washington', 'we', 'political', 'media', 'americans', 'obama', 'day']
---: ['right', 'security', 'way', 'cnn', 'george', 'cia', 'establishment', 'air', 'military', 'white']", + "+++: ['the', 'america', 'american', 'washington', 'we', 'political', 'media', 'americans', 'obama', 'day']
---: ['right', 'security', 'way', 'cnn', 'george', 'cia', 'establishment', 'air', 'military', 'white']", + "+++: ['the', 'america', 'american', 'washington', 'we', 'political', 'media', 'americans', 'obama', 'day']
---: ['right', 'security', 'way', 'cnn', 'george', 'cia', 'establishment', 'air', 'military', 'white']", + "+++: ['the', 'america', 'american', 'washington', 'we', 'political', 'media', 'americans', 'obama', 'day']
---: ['right', 'security', 'way', 'cnn', 'george', 'cia', 'establishment', 'air', 'military', 'white']", + "+++: ['the', 'america', 'american', 'washington', 'we', 'political', 'media', 'americans', 'obama', 'day']
---: ['right', 'security', 'way', 'cnn', 'george', 'cia', 'establishment', 'air', 'military', 'white']", + null, + "+++: ['trump', 'presidential', 'hillary', 'voters', 'news', 'clinton', 'win', 'day', 'republican', 'election']
---: ['3', 'early', 'voter', 'establishment', 'lead', 'we', 'political', 'washington', 'won', 'elect']", + "+++: ['trump', 'presidential', 'hillary', 'voters', 'news', 'clinton', 'win', 'day', 'republican', 'election']
---: ['3', 'early', 'voter', 'establishment', 'lead', 'we', 'political', 'washington', 'won', 'elect']", + "+++: ['trump', 'presidential', 'hillary', 'voters', 'news', 'clinton', 'win', 'day', 'republican', 'election']
---: ['3', 'early', 'voter', 'establishment', 'lead', 'we', 'political', 'washington', 'won', 'elect']", + "+++: ['trump', 'presidential', 'hillary', 'voters', 'news', 'clinton', 'win', 'day', 'republican', 'election']
---: ['3', 'early', 'voter', 'establishment', 'lead', 'we', 'political', 'washington', 'won', 'elect']", + "+++: ['trump', 'presidential', 'hillary', 'voters', 'news', 'clinton', 'win', 'day', 'republican', 'election']
---: ['3', 'early', 'voter', 'establishment', 'lead', 'we', 'political', 'washington', 'won', 'elect']", + "+++: ['trump', 'presidential', 'hillary', 'voters', 'news', 'clinton', 'win', 'day', 'republican', 'election']
---: ['3', 'early', 'voter', 'establishment', 'lead', 'we', 'political', 'washington', 'won', 'elect']", + "+++: ['trump', 'presidential', 'hillary', 'voters', 'news', 'clinton', 'win', 'day', 'republican', 'election']
---: ['3', 'early', 'voter', 'establishment', 'lead', 'we', 'political', 'washington', 'won', 'elect']", + "+++: ['trump', 'presidential', 'hillary', 'voters', 'news', 'clinton', 'win', 'day', 'republican', 'election']
---: ['3', 'early', 'voter', 'establishment', 'lead', 'we', 'political', 'washington', 'won', 'elect']", + "+++: ['trump', 'presidential', 'hillary', 'voters', 'news', 'clinton', 'win', 'day', 'republican', 'election']
---: ['3', 'early', 'voter', 'establishment', 'lead', 'we', 'political', 'washington', 'won', 'elect']", + "+++: ['trump', 'presidential', 'hillary', 'voters', 'news', 'clinton', 'win', 'day', 'republican', 'election']
---: ['3', 'early', 'voter', 'establishment', 'lead', 'we', 'political', 'washington', 'won', 'elect']", + null, + "+++: ['going', 'trump', 'hillary', 'i', 'voters', 'november', 'party', 'democrats', 'clinton', 'video']
---: ['the', 'right', 'voter', 'twitter', 'cnn', 'george', 'establishment', 'victory', 'we', 'media']", + "+++: ['going', 'trump', 'hillary', 'i', 'voters', 'november', 'party', 'democrats', 'clinton', 'video']
---: ['the', 'right', 'voter', 'twitter', 'cnn', 'george', 'establishment', 'victory', 'we', 'media']", + "+++: ['going', 'trump', 'hillary', 'i', 'voters', 'november', 'party', 'democrats', 'clinton', 'video']
---: ['the', 'right', 'voter', 'twitter', 'cnn', 'george', 'establishment', 'victory', 'we', 'media']", + "+++: ['going', 'trump', 'hillary', 'i', 'voters', 'november', 'party', 'democrats', 'clinton', 'video']
---: ['the', 'right', 'voter', 'twitter', 'cnn', 'george', 'establishment', 'victory', 'we', 'media']", + "+++: ['going', 'trump', 'hillary', 'i', 'voters', 'november', 'party', 'democrats', 'clinton', 'video']
---: ['the', 'right', 'voter', 'twitter', 'cnn', 'george', 'establishment', 'victory', 'we', 'media']", + "+++: ['going', 'trump', 'hillary', 'i', 'voters', 'november', 'party', 'democrats', 'clinton', 'video']
---: ['the', 'right', 'voter', 'twitter', 'cnn', 'george', 'establishment', 'victory', 'we', 'media']", + "+++: ['going', 'trump', 'hillary', 'i', 'voters', 'november', 'party', 'democrats', 'clinton', 'video']
---: ['the', 'right', 'voter', 'twitter', 'cnn', 'george', 'establishment', 'victory', 'we', 'media']", + "+++: ['going', 'trump', 'hillary', 'i', 'voters', 'november', 'party', 'democrats', 'clinton', 'video']
---: ['the', 'right', 'voter', 'twitter', 'cnn', 'george', 'establishment', 'victory', 'we', 'media']", + "+++: ['going', 'trump', 'hillary', 'i', 'voters', 'november', 'party', 'democrats', 'clinton', 'video']
---: ['the', 'right', 'voter', 'twitter', 'cnn', 'george', 'establishment', 'victory', 'we', 'media']", + "+++: ['going', 'trump', 'hillary', 'i', 'voters', 'november', 'party', 'democrats', 'clinton', 'video']
---: ['the', 'right', 'voter', 'twitter', 'cnn', 'george', 'establishment', 'victory', 'we', 'media']", + null, + "+++: ['the', 'going', 'america', 'trump', 'american', 'i', 'we', 'white', 're', 'he']
---: ['establishment', 'political', 'washington', 'life', 'won', 'elect', 'll', 'candidate', 'believe', 'don']", + "+++: ['the', 'going', 'america', 'trump', 'american', 'i', 'we', 'white', 're', 'he']
---: ['establishment', 'political', 'washington', 'life', 'won', 'elect', 'll', 'candidate', 'believe', 'don']", + "+++: ['the', 'going', 'america', 'trump', 'american', 'i', 'we', 'white', 're', 'he']
---: ['establishment', 'political', 'washington', 'life', 'won', 'elect', 'll', 'candidate', 'believe', 'don']", + "+++: ['the', 'going', 'america', 'trump', 'american', 'i', 'we', 'white', 're', 'he']
---: ['establishment', 'political', 'washington', 'life', 'won', 'elect', 'll', 'candidate', 'believe', 'don']", + "+++: ['the', 'going', 'america', 'trump', 'american', 'i', 'we', 'white', 're', 'he']
---: ['establishment', 'political', 'washington', 'life', 'won', 'elect', 'll', 'candidate', 'believe', 'don']", + "+++: ['the', 'going', 'america', 'trump', 'american', 'i', 'we', 'white', 're', 'he']
---: ['establishment', 'political', 'washington', 'life', 'won', 'elect', 'll', 'candidate', 'believe', 'don']", + "+++: ['the', 'going', 'america', 'trump', 'american', 'i', 'we', 'white', 're', 'he']
---: ['establishment', 'political', 'washington', 'life', 'won', 'elect', 'll', 'candidate', 'believe', 'don']", + "+++: ['the', 'going', 'america', 'trump', 'american', 'i', 'we', 'white', 're', 'he']
---: ['establishment', 'political', 'washington', 'life', 'won', 'elect', 'll', 'candidate', 'believe', 'don']", + "+++: ['the', 'going', 'america', 'trump', 'american', 'i', 'we', 'white', 're', 'he']
---: ['establishment', 'political', 'washington', 'life', 'won', 'elect', 'll', 'candidate', 'believe', 'don']", + "+++: ['the', 'going', 'america', 'trump', 'american', 'i', 'we', 'white', 're', 'he']
---: ['establishment', 'political', 'washington', 'life', 'won', 'elect', 'll', 'candidate', 'believe', 'don']", + null, + "+++: ['hillary', 'house', 'washington', 'news', 'clinton', 'campaign', 'election']
---: ['october', 'establishment', 'justice', 'we', 'political', 'chief', 'won', 'elect', 'doj', 'comey']", + "+++: ['hillary', 'house', 'washington', 'news', 'clinton', 'campaign', 'election']
---: ['october', 'establishment', 'justice', 'we', 'political', 'chief', 'won', 'elect', 'doj', 'comey']", + "+++: ['hillary', 'house', 'washington', 'news', 'clinton', 'campaign', 'election']
---: ['october', 'establishment', 'justice', 'we', 'political', 'chief', 'won', 'elect', 'doj', 'comey']", + "+++: ['hillary', 'house', 'washington', 'news', 'clinton', 'campaign', 'election']
---: ['october', 'establishment', 'justice', 'we', 'political', 'chief', 'won', 'elect', 'doj', 'comey']", + "+++: ['hillary', 'house', 'washington', 'news', 'clinton', 'campaign', 'election']
---: ['october', 'establishment', 'justice', 'we', 'political', 'chief', 'won', 'elect', 'doj', 'comey']", + "+++: ['hillary', 'house', 'washington', 'news', 'clinton', 'campaign', 'election']
---: ['october', 'establishment', 'justice', 'we', 'political', 'chief', 'won', 'elect', 'doj', 'comey']", + "+++: ['hillary', 'house', 'washington', 'news', 'clinton', 'campaign', 'election']
---: ['october', 'establishment', 'justice', 'we', 'political', 'chief', 'won', 'elect', 'doj', 'comey']", + "+++: ['hillary', 'house', 'washington', 'news', 'clinton', 'campaign', 'election']
---: ['october', 'establishment', 'justice', 'we', 'political', 'chief', 'won', 'elect', 'doj', 'comey']", + "+++: ['hillary', 'house', 'washington', 'news', 'clinton', 'campaign', 'election']
---: ['october', 'establishment', 'justice', 'we', 'political', 'chief', 'won', 'elect', 'doj', 'comey']", + "+++: ['hillary', 'house', 'washington', 'news', 'clinton', 'campaign', 'election']
---: ['october', 'establishment', 'justice', 'we', 'political', 'chief', 'won', 'elect', 'doj', 'comey']", + null, + "+++: ['video', 'law', 'county', 'twitter', 'day']
---: ['october', 'protesters', 'protest', 'voter', 'we', 'officer', 'native', 'case', 'construction', 'i']", + "+++: ['video', 'law', 'county', 'twitter', 'day']
---: ['october', 'protesters', 'protest', 'voter', 'we', 'officer', 'native', 'case', 'construction', 'i']", + "+++: ['video', 'law', 'county', 'twitter', 'day']
---: ['october', 'protesters', 'protest', 'voter', 'we', 'officer', 'native', 'case', 'construction', 'i']", + "+++: ['video', 'law', 'county', 'twitter', 'day']
---: ['october', 'protesters', 'protest', 'voter', 'we', 'officer', 'native', 'case', 'construction', 'i']", + "+++: ['video', 'law', 'county', 'twitter', 'day']
---: ['october', 'protesters', 'protest', 'voter', 'we', 'officer', 'native', 'case', 'construction', 'i']", + "+++: ['video', 'law', 'county', 'twitter', 'day']
---: ['october', 'protesters', 'protest', 'voter', 'we', 'officer', 'native', 'case', 'construction', 'i']", + "+++: ['video', 'law', 'county', 'twitter', 'day']
---: ['october', 'protesters', 'protest', 'voter', 'we', 'officer', 'native', 'case', 'construction', 'i']", + "+++: ['video', 'law', 'county', 'twitter', 'day']
---: ['october', 'protesters', 'protest', 'voter', 'we', 'officer', 'native', 'case', 'construction', 'i']", + "+++: ['video', 'law', 'county', 'twitter', 'day']
---: ['october', 'protesters', 'protest', 'voter', 'we', 'officer', 'native', 'case', 'construction', 'i']", + "+++: ['video', 'law', 'county', 'twitter', 'day']
---: ['october', 'protesters', 'protest', 'voter', 'we', 'officer', 'native', 'case', 'construction', 'i']", + null, + "+++: ['state', 'federal', 'trump', 'government']
---: ['voter', 'paul', 'case', 'i', 'fund', 'wall', 'jobs', 'absentee', 'vote', 'law']", + "+++: ['state', 'federal', 'trump', 'government']
---: ['voter', 'paul', 'case', 'i', 'fund', 'wall', 'jobs', 'absentee', 'vote', 'law']", + "+++: ['state', 'federal', 'trump', 'government']
---: ['voter', 'paul', 'case', 'i', 'fund', 'wall', 'jobs', 'absentee', 'vote', 'law']", + "+++: ['state', 'federal', 'trump', 'government']
---: ['voter', 'paul', 'case', 'i', 'fund', 'wall', 'jobs', 'absentee', 'vote', 'law']", + "+++: ['state', 'federal', 'trump', 'government']
---: ['voter', 'paul', 'case', 'i', 'fund', 'wall', 'jobs', 'absentee', 'vote', 'law']", + "+++: ['state', 'federal', 'trump', 'government']
---: ['voter', 'paul', 'case', 'i', 'fund', 'wall', 'jobs', 'absentee', 'vote', 'law']", + "+++: ['state', 'federal', 'trump', 'government']
---: ['voter', 'paul', 'case', 'i', 'fund', 'wall', 'jobs', 'absentee', 'vote', 'law']", + "+++: ['state', 'federal', 'trump', 'government']
---: ['voter', 'paul', 'case', 'i', 'fund', 'wall', 'jobs', 'absentee', 'vote', 'law']", + "+++: ['state', 'federal', 'trump', 'government']
---: ['voter', 'paul', 'case', 'i', 'fund', 'wall', 'jobs', 'absentee', 'vote', 'law']", + "+++: ['state', 'federal', 'trump', 'government']
---: ['voter', 'paul', 'case', 'i', 'fund', 'wall', 'jobs', 'absentee', 'vote', 'law']", + null, + "+++: ['trump', 'voter', 'voting', 'hillary', 'states', 'ballot', 'votes', 'voters', 'county', 'clinton']
---: ['machines', '3', 'right', 'reports', 'early', 'twitter', '2', 'lead', 'moore', 'laws']", + "+++: ['trump', 'voter', 'voting', 'hillary', 'states', 'ballot', 'votes', 'voters', 'county', 'clinton']
---: ['machines', '3', 'right', 'reports', 'early', 'twitter', '2', 'lead', 'moore', 'laws']", + "+++: ['trump', 'voter', 'voting', 'hillary', 'states', 'ballot', 'votes', 'voters', 'county', 'clinton']
---: ['machines', '3', 'right', 'reports', 'early', 'twitter', '2', 'lead', 'moore', 'laws']", + "+++: ['trump', 'voter', 'voting', 'hillary', 'states', 'ballot', 'votes', 'voters', 'county', 'clinton']
---: ['machines', '3', 'right', 'reports', 'early', 'twitter', '2', 'lead', 'moore', 'laws']", + "+++: ['trump', 'voter', 'voting', 'hillary', 'states', 'ballot', 'votes', 'voters', 'county', 'clinton']
---: ['machines', '3', 'right', 'reports', 'early', 'twitter', '2', 'lead', 'moore', 'laws']", + "+++: ['trump', 'voter', 'voting', 'hillary', 'states', 'ballot', 'votes', 'voters', 'county', 'clinton']
---: ['machines', '3', 'right', 'reports', 'early', 'twitter', '2', 'lead', 'moore', 'laws']", + "+++: ['trump', 'voter', 'voting', 'hillary', 'states', 'ballot', 'votes', 'voters', 'county', 'clinton']
---: ['machines', '3', 'right', 'reports', 'early', 'twitter', '2', 'lead', 'moore', 'laws']", + "+++: ['trump', 'voter', 'voting', 'hillary', 'states', 'ballot', 'votes', 'voters', 'county', 'clinton']
---: ['machines', '3', 'right', 'reports', 'early', 'twitter', '2', 'lead', 'moore', 'laws']", + "+++: ['trump', 'voter', 'voting', 'hillary', 'states', 'ballot', 'votes', 'voters', 'county', 'clinton']
---: ['machines', '3', 'right', 'reports', 'early', 'twitter', '2', 'lead', 'moore', 'laws']", + "+++: ['trump', 'voter', 'voting', 'hillary', 'states', 'ballot', 'votes', 'voters', 'county', 'clinton']
---: ['machines', '3', 'right', 'reports', 'early', 'twitter', '2', 'lead', 'moore', 'laws']", + null, + "+++: ['case', 'right', 'law', 'hillary', 'party', 'democrats', 'clinton', 'state', 'election', 'president']
---: ['voter', 'justice', 'political', 'foundation', 'tim', 'america', 'i', 'absentee', 'vote', 'states']", + "+++: ['case', 'right', 'law', 'hillary', 'party', 'democrats', 'clinton', 'state', 'election', 'president']
---: ['voter', 'justice', 'political', 'foundation', 'tim', 'america', 'i', 'absentee', 'vote', 'states']", + "+++: ['case', 'right', 'law', 'hillary', 'party', 'democrats', 'clinton', 'state', 'election', 'president']
---: ['voter', 'justice', 'political', 'foundation', 'tim', 'america', 'i', 'absentee', 'vote', 'states']", + "+++: ['case', 'right', 'law', 'hillary', 'party', 'democrats', 'clinton', 'state', 'election', 'president']
---: ['voter', 'justice', 'political', 'foundation', 'tim', 'america', 'i', 'absentee', 'vote', 'states']", + "+++: ['case', 'right', 'law', 'hillary', 'party', 'democrats', 'clinton', 'state', 'election', 'president']
---: ['voter', 'justice', 'political', 'foundation', 'tim', 'america', 'i', 'absentee', 'vote', 'states']", + "+++: ['case', 'right', 'law', 'hillary', 'party', 'democrats', 'clinton', 'state', 'election', 'president']
---: ['voter', 'justice', 'political', 'foundation', 'tim', 'america', 'i', 'absentee', 'vote', 'states']", + "+++: ['case', 'right', 'law', 'hillary', 'party', 'democrats', 'clinton', 'state', 'election', 'president']
---: ['voter', 'justice', 'political', 'foundation', 'tim', 'america', 'i', 'absentee', 'vote', 'states']", + "+++: ['case', 'right', 'law', 'hillary', 'party', 'democrats', 'clinton', 'state', 'election', 'president']
---: ['voter', 'justice', 'political', 'foundation', 'tim', 'america', 'i', 'absentee', 'vote', 'states']", + "+++: ['case', 'right', 'law', 'hillary', 'party', 'democrats', 'clinton', 'state', 'election', 'president']
---: ['voter', 'justice', 'political', 'foundation', 'tim', 'america', 'i', 'absentee', 'vote', 'states']", + "+++: ['case', 'right', 'law', 'hillary', 'party', 'democrats', 'clinton', 'state', 'election', 'president']
---: ['voter', 'justice', 'political', 'foundation', 'tim', 'america', 'i', 'absentee', 'vote', 'states']", + null, + "+++: ['case', 'law', 'hillary', 'clinton', 'state', 'federal', 'election', 'government']
---: ['october', 'voter', 'justice', 'washington', 'chief', 'doj', 'comey', 'office', 'july', 'i']", + "+++: ['case', 'law', 'hillary', 'clinton', 'state', 'federal', 'election', 'government']
---: ['october', 'voter', 'justice', 'washington', 'chief', 'doj', 'comey', 'office', 'july', 'i']", + "+++: ['case', 'law', 'hillary', 'clinton', 'state', 'federal', 'election', 'government']
---: ['october', 'voter', 'justice', 'washington', 'chief', 'doj', 'comey', 'office', 'july', 'i']", + "+++: ['case', 'law', 'hillary', 'clinton', 'state', 'federal', 'election', 'government']
---: ['october', 'voter', 'justice', 'washington', 'chief', 'doj', 'comey', 'office', 'july', 'i']", + "+++: ['case', 'law', 'hillary', 'clinton', 'state', 'federal', 'election', 'government']
---: ['october', 'voter', 'justice', 'washington', 'chief', 'doj', 'comey', 'office', 'july', 'i']", + "+++: ['case', 'law', 'hillary', 'clinton', 'state', 'federal', 'election', 'government']
---: ['october', 'voter', 'justice', 'washington', 'chief', 'doj', 'comey', 'office', 'july', 'i']", + "+++: ['case', 'law', 'hillary', 'clinton', 'state', 'federal', 'election', 'government']
---: ['october', 'voter', 'justice', 'washington', 'chief', 'doj', 'comey', 'office', 'july', 'i']", + "+++: ['case', 'law', 'hillary', 'clinton', 'state', 'federal', 'election', 'government']
---: ['october', 'voter', 'justice', 'washington', 'chief', 'doj', 'comey', 'office', 'july', 'i']", + "+++: ['case', 'law', 'hillary', 'clinton', 'state', 'federal', 'election', 'government']
---: ['october', 'voter', 'justice', 'washington', 'chief', 'doj', 'comey', 'office', 'july', 'i']", + "+++: ['case', 'law', 'hillary', 'clinton', 'state', 'federal', 'election', 'government']
---: ['october', 'voter', 'justice', 'washington', 'chief', 'doj', 'comey', 'office', 'july', 'i']", + null, + "+++: ['year', '1', 'years', 'according', 'day']
---: ['3', 'early', 'voter', 'lead', 'we', 'warm', 'ballots', 'ice', 'heat', 'atmosphere']", + "+++: ['year', '1', 'years', 'according', 'day']
---: ['3', 'early', 'voter', 'lead', 'we', 'warm', 'ballots', 'ice', 'heat', 'atmosphere']", + "+++: ['year', '1', 'years', 'according', 'day']
---: ['3', 'early', 'voter', 'lead', 'we', 'warm', 'ballots', 'ice', 'heat', 'atmosphere']", + "+++: ['year', '1', 'years', 'according', 'day']
---: ['3', 'early', 'voter', 'lead', 'we', 'warm', 'ballots', 'ice', 'heat', 'atmosphere']", + "+++: ['year', '1', 'years', 'according', 'day']
---: ['3', 'early', 'voter', 'lead', 'we', 'warm', 'ballots', 'ice', 'heat', 'atmosphere']", + "+++: ['year', '1', 'years', 'according', 'day']
---: ['3', 'early', 'voter', 'lead', 'we', 'warm', 'ballots', 'ice', 'heat', 'atmosphere']", + "+++: ['year', '1', 'years', 'according', 'day']
---: ['3', 'early', 'voter', 'lead', 'we', 'warm', 'ballots', 'ice', 'heat', 'atmosphere']", + "+++: ['year', '1', 'years', 'according', 'day']
---: ['3', 'early', 'voter', 'lead', 'we', 'warm', 'ballots', 'ice', 'heat', 'atmosphere']", + "+++: ['year', '1', 'years', 'according', 'day']
---: ['3', 'early', 'voter', 'lead', 'we', 'warm', 'ballots', 'ice', 'heat', 'atmosphere']", + "+++: ['year', '1', 'years', 'according', 'day']
---: ['3', 'early', 'voter', 'lead', 'we', 'warm', 'ballots', 'ice', 'heat', 'atmosphere']", + null, + "+++: ['water', '1', 'day', '5']
---: ['3', 'food', 'we', 'helps', 'vitamin', 'warm', 'virus', 'high', 'ice', 'heat']", + "+++: ['water', '1', 'day', '5']
---: ['3', 'food', 'we', 'helps', 'vitamin', 'warm', 'virus', 'high', 'ice', 'heat']", + "+++: ['water', '1', 'day', '5']
---: ['3', 'food', 'we', 'helps', 'vitamin', 'warm', 'virus', 'high', 'ice', 'heat']", + "+++: ['water', '1', 'day', '5']
---: ['3', 'food', 'we', 'helps', 'vitamin', 'warm', 'virus', 'high', 'ice', 'heat']", + "+++: ['water', '1', 'day', '5']
---: ['3', 'food', 'we', 'helps', 'vitamin', 'warm', 'virus', 'high', 'ice', 'heat']", + "+++: ['water', '1', 'day', '5']
---: ['3', 'food', 'we', 'helps', 'vitamin', 'warm', 'virus', 'high', 'ice', 'heat']", + "+++: ['water', '1', 'day', '5']
---: ['3', 'food', 'we', 'helps', 'vitamin', 'warm', 'virus', 'high', 'ice', 'heat']", + "+++: ['water', '1', 'day', '5']
---: ['3', 'food', 'we', 'helps', 'vitamin', 'warm', 'virus', 'high', 'ice', 'heat']", + "+++: ['water', '1', 'day', '5']
---: ['3', 'food', 'we', 'helps', 'vitamin', 'warm', 'virus', 'high', 'ice', 'heat']", + "+++: ['water', '1', 'day', '5']
---: ['3', 'food', 'we', 'helps', 'vitamin', 'warm', 'virus', 'high', 'ice', 'heat']", + null, + "+++: ['long', 'know', 'years', 'world']
---: ['d', 'lab', 'we', 'life', 'iceland', 'warm', 'baby', 'i', 'says', 'god']", + "+++: ['long', 'know', 'years', 'world']
---: ['d', 'lab', 'we', 'life', 'iceland', 'warm', 'baby', 'i', 'says', 'god']", + "+++: ['long', 'know', 'years', 'world']
---: ['d', 'lab', 'we', 'life', 'iceland', 'warm', 'baby', 'i', 'says', 'god']", + "+++: ['long', 'know', 'years', 'world']
---: ['d', 'lab', 'we', 'life', 'iceland', 'warm', 'baby', 'i', 'says', 'god']", + "+++: ['long', 'know', 'years', 'world']
---: ['d', 'lab', 'we', 'life', 'iceland', 'warm', 'baby', 'i', 'says', 'god']", + "+++: ['long', 'know', 'years', 'world']
---: ['d', 'lab', 'we', 'life', 'iceland', 'warm', 'baby', 'i', 'says', 'god']", + "+++: ['long', 'know', 'years', 'world']
---: ['d', 'lab', 'we', 'life', 'iceland', 'warm', 'baby', 'i', 'says', 'god']", + "+++: ['long', 'know', 'years', 'world']
---: ['d', 'lab', 'we', 'life', 'iceland', 'warm', 'baby', 'i', 'says', 'god']", + "+++: ['long', 'know', 'years', 'world']
---: ['d', 'lab', 'we', 'life', 'iceland', 'warm', 'baby', 'i', 'says', 'god']", + "+++: ['long', 'know', 'years', 'world']
---: ['d', 'lab', 'we', 'life', 'iceland', 'warm', 'baby', 'i', 'says', 'god']", + null, + "+++: ['going', 'earth', 'know', 'day', 'energy', 'light', 'world', 'years']
---: ['we', 'life', 'real', 'warm', 'able', 'i', 'god', 'ice', 'heat', 'point']", + "+++: ['going', 'earth', 'know', 'day', 'energy', 'light', 'world', 'years']
---: ['we', 'life', 'real', 'warm', 'able', 'i', 'god', 'ice', 'heat', 'point']", + "+++: ['going', 'earth', 'know', 'day', 'energy', 'light', 'world', 'years']
---: ['we', 'life', 'real', 'warm', 'able', 'i', 'god', 'ice', 'heat', 'point']", + "+++: ['going', 'earth', 'know', 'day', 'energy', 'light', 'world', 'years']
---: ['we', 'life', 'real', 'warm', 'able', 'i', 'god', 'ice', 'heat', 'point']", + "+++: ['going', 'earth', 'know', 'day', 'energy', 'light', 'world', 'years']
---: ['we', 'life', 'real', 'warm', 'able', 'i', 'god', 'ice', 'heat', 'point']", + "+++: ['going', 'earth', 'know', 'day', 'energy', 'light', 'world', 'years']
---: ['we', 'life', 'real', 'warm', 'able', 'i', 'god', 'ice', 'heat', 'point']", + "+++: ['going', 'earth', 'know', 'day', 'energy', 'light', 'world', 'years']
---: ['we', 'life', 'real', 'warm', 'able', 'i', 'god', 'ice', 'heat', 'point']", + "+++: ['going', 'earth', 'know', 'day', 'energy', 'light', 'world', 'years']
---: ['we', 'life', 'real', 'warm', 'able', 'i', 'god', 'ice', 'heat', 'point']", + "+++: ['going', 'earth', 'know', 'day', 'energy', 'light', 'world', 'years']
---: ['we', 'life', 'real', 'warm', 'able', 'i', 'god', 'ice', 'heat', 'point']", + "+++: ['going', 'earth', 'know', 'day', 'energy', 'light', 'world', 'years']
---: ['we', 'life', 'real', 'warm', 'able', 'i', 'god', 'ice', 'heat', 'point']", + null, + "+++: ['case', 'right', 'house', 'american', 'white', 'state', 'president']
---: ['october', 'p', 'clear', 'justice', 'political', 'totalitarian', 'planetary', 'foundation', 'tim', 'america']", + "+++: ['case', 'right', 'house', 'american', 'white', 'state', 'president']
---: ['october', 'p', 'clear', 'justice', 'political', 'totalitarian', 'planetary', 'foundation', 'tim', 'america']", + "+++: ['case', 'right', 'house', 'american', 'white', 'state', 'president']
---: ['october', 'p', 'clear', 'justice', 'political', 'totalitarian', 'planetary', 'foundation', 'tim', 'america']", + "+++: ['case', 'right', 'house', 'american', 'white', 'state', 'president']
---: ['october', 'p', 'clear', 'justice', 'political', 'totalitarian', 'planetary', 'foundation', 'tim', 'america']", + "+++: ['case', 'right', 'house', 'american', 'white', 'state', 'president']
---: ['october', 'p', 'clear', 'justice', 'political', 'totalitarian', 'planetary', 'foundation', 'tim', 'america']", + "+++: ['case', 'right', 'house', 'american', 'white', 'state', 'president']
---: ['october', 'p', 'clear', 'justice', 'political', 'totalitarian', 'planetary', 'foundation', 'tim', 'america']", + "+++: ['case', 'right', 'house', 'american', 'white', 'state', 'president']
---: ['october', 'p', 'clear', 'justice', 'political', 'totalitarian', 'planetary', 'foundation', 'tim', 'america']", + "+++: ['case', 'right', 'house', 'american', 'white', 'state', 'president']
---: ['october', 'p', 'clear', 'justice', 'political', 'totalitarian', 'planetary', 'foundation', 'tim', 'america']", + "+++: ['case', 'right', 'house', 'american', 'white', 'state', 'president']
---: ['october', 'p', 'clear', 'justice', 'political', 'totalitarian', 'planetary', 'foundation', 'tim', 'america']", + "+++: ['case', 'right', 'house', 'american', 'white', 'state', 'president']
---: ['october', 'p', 'clear', 'justice', 'political', 'totalitarian', 'planetary', 'foundation', 'tim', 'america']", + null, + "+++: ['party', 'right']
---: ['d', 'lab', 'justice', 'political', 'life', 'iceland', 'foundation', 'tim', 'baby', 'america']", + "+++: ['party', 'right']
---: ['d', 'lab', 'justice', 'political', 'life', 'iceland', 'foundation', 'tim', 'baby', 'america']", + "+++: ['party', 'right']
---: ['d', 'lab', 'justice', 'political', 'life', 'iceland', 'foundation', 'tim', 'baby', 'america']", + "+++: ['party', 'right']
---: ['d', 'lab', 'justice', 'political', 'life', 'iceland', 'foundation', 'tim', 'baby', 'america']", + "+++: ['party', 'right']
---: ['d', 'lab', 'justice', 'political', 'life', 'iceland', 'foundation', 'tim', 'baby', 'america']", + "+++: ['party', 'right']
---: ['d', 'lab', 'justice', 'political', 'life', 'iceland', 'foundation', 'tim', 'baby', 'america']", + "+++: ['party', 'right']
---: ['d', 'lab', 'justice', 'political', 'life', 'iceland', 'foundation', 'tim', 'baby', 'america']", + "+++: ['party', 'right']
---: ['d', 'lab', 'justice', 'political', 'life', 'iceland', 'foundation', 'tim', 'baby', 'america']", + "+++: ['party', 'right']
---: ['d', 'lab', 'justice', 'political', 'life', 'iceland', 'foundation', 'tim', 'baby', 'america']", + "+++: ['party', 'right']
---: ['d', 'lab', 'justice', 'political', 'life', 'iceland', 'foundation', 'tim', 'baby', 'america']", + null, + "+++: ['state', 'news', 'obama']
---: ['franco', 'justice', 'political', 'christians', 'foundation', 'tim', 'case', 'america', 'afghan', 'law']", + "+++: ['state', 'news', 'obama']
---: ['franco', 'justice', 'political', 'christians', 'foundation', 'tim', 'case', 'america', 'afghan', 'law']", + "+++: ['state', 'news', 'obama']
---: ['franco', 'justice', 'political', 'christians', 'foundation', 'tim', 'case', 'america', 'afghan', 'law']", + "+++: ['state', 'news', 'obama']
---: ['franco', 'justice', 'political', 'christians', 'foundation', 'tim', 'case', 'america', 'afghan', 'law']", + "+++: ['state', 'news', 'obama']
---: ['franco', 'justice', 'political', 'christians', 'foundation', 'tim', 'case', 'america', 'afghan', 'law']", + "+++: ['state', 'news', 'obama']
---: ['franco', 'justice', 'political', 'christians', 'foundation', 'tim', 'case', 'america', 'afghan', 'law']", + "+++: ['state', 'news', 'obama']
---: ['franco', 'justice', 'political', 'christians', 'foundation', 'tim', 'case', 'america', 'afghan', 'law']", + "+++: ['state', 'news', 'obama']
---: ['franco', 'justice', 'political', 'christians', 'foundation', 'tim', 'case', 'america', 'afghan', 'law']", + "+++: ['state', 'news', 'obama']
---: ['franco', 'justice', 'political', 'christians', 'foundation', 'tim', 'case', 'america', 'afghan', 'law']", + "+++: ['state', 'news', 'obama']
---: ['franco', 'justice', 'political', 'christians', 'foundation', 'tim', 'case', 'america', 'afghan', 'law']", + null, + "+++: ['re', 'we', 'media']
---: ['october', 'protesters', 'protest', 'establishment', 'political', 'officer', 'nation', 'native', 'real', 'america']", + "+++: ['re', 'we', 'media']
---: ['october', 'protesters', 'protest', 'establishment', 'political', 'officer', 'nation', 'native', 'real', 'america']", + "+++: ['re', 'we', 'media']
---: ['october', 'protesters', 'protest', 'establishment', 'political', 'officer', 'nation', 'native', 'real', 'america']", + "+++: ['re', 'we', 'media']
---: ['october', 'protesters', 'protest', 'establishment', 'political', 'officer', 'nation', 'native', 'real', 'america']", + "+++: ['re', 'we', 'media']
---: ['october', 'protesters', 'protest', 'establishment', 'political', 'officer', 'nation', 'native', 'real', 'america']", + "+++: ['re', 'we', 'media']
---: ['october', 'protesters', 'protest', 'establishment', 'political', 'officer', 'nation', 'native', 'real', 'america']", + "+++: ['re', 'we', 'media']
---: ['october', 'protesters', 'protest', 'establishment', 'political', 'officer', 'nation', 'native', 'real', 'america']", + "+++: ['re', 'we', 'media']
---: ['october', 'protesters', 'protest', 'establishment', 'political', 'officer', 'nation', 'native', 'real', 'america']", + "+++: ['re', 'we', 'media']
---: ['october', 'protesters', 'protest', 'establishment', 'political', 'officer', 'nation', 'native', 'real', 'america']", + "+++: ['re', 'we', 'media']
---: ['october', 'protesters', 'protest', 'establishment', 'political', 'officer', 'nation', 'native', 'real', 'america']", + null, + "+++: ['control', 'going', 'way', 'think', 'that', 'them', 'know', 'i', 'want', 'need']
---: ['right', 'establishment', 'feel', 'love', 'country', 'political', 'media', 'life', 'we', 'nation']", + "+++: ['control', 'going', 'way', 'think', 'that', 'them', 'know', 'i', 'want', 'need']
---: ['right', 'establishment', 'feel', 'love', 'country', 'political', 'media', 'life', 'we', 'nation']", + "+++: ['control', 'going', 'way', 'think', 'that', 'them', 'know', 'i', 'want', 'need']
---: ['right', 'establishment', 'feel', 'love', 'country', 'political', 'media', 'life', 'we', 'nation']", + "+++: ['control', 'going', 'way', 'think', 'that', 'them', 'know', 'i', 'want', 'need']
---: ['right', 'establishment', 'feel', 'love', 'country', 'political', 'media', 'life', 'we', 'nation']", + "+++: ['control', 'going', 'way', 'think', 'that', 'them', 'know', 'i', 'want', 'need']
---: ['right', 'establishment', 'feel', 'love', 'country', 'political', 'media', 'life', 'we', 'nation']", + "+++: ['control', 'going', 'way', 'think', 'that', 'them', 'know', 'i', 'want', 'need']
---: ['right', 'establishment', 'feel', 'love', 'country', 'political', 'media', 'life', 'we', 'nation']", + "+++: ['control', 'going', 'way', 'think', 'that', 'them', 'know', 'i', 'want', 'need']
---: ['right', 'establishment', 'feel', 'love', 'country', 'political', 'media', 'life', 'we', 'nation']", + "+++: ['control', 'going', 'way', 'think', 'that', 'them', 'know', 'i', 'want', 'need']
---: ['right', 'establishment', 'feel', 'love', 'country', 'political', 'media', 'life', 'we', 'nation']", + "+++: ['control', 'going', 'way', 'think', 'that', 'them', 'know', 'i', 'want', 'need']
---: ['right', 'establishment', 'feel', 'love', 'country', 'political', 'media', 'life', 'we', 'nation']", + "+++: ['control', 'going', 'way', 'think', 'that', 'them', 'know', 'i', 'want', 'need']
---: ['right', 'establishment', 'feel', 'love', 'country', 'political', 'media', 'life', 'we', 'nation']", + null, + "+++: ['america', 'trump', 'hillary', 'states', 'american', 'country', 'political', 'media', 'war', 'obama']
---: ['the', 'right', 'security', 'way', 'establishment', 'vladimir', 'relations', 'military', 'we', 'washington']", + "+++: ['america', 'trump', 'hillary', 'states', 'american', 'country', 'political', 'media', 'war', 'obama']
---: ['the', 'right', 'security', 'way', 'establishment', 'vladimir', 'relations', 'military', 'we', 'washington']", + "+++: ['america', 'trump', 'hillary', 'states', 'american', 'country', 'political', 'media', 'war', 'obama']
---: ['the', 'right', 'security', 'way', 'establishment', 'vladimir', 'relations', 'military', 'we', 'washington']", + "+++: ['america', 'trump', 'hillary', 'states', 'american', 'country', 'political', 'media', 'war', 'obama']
---: ['the', 'right', 'security', 'way', 'establishment', 'vladimir', 'relations', 'military', 'we', 'washington']", + "+++: ['america', 'trump', 'hillary', 'states', 'american', 'country', 'political', 'media', 'war', 'obama']
---: ['the', 'right', 'security', 'way', 'establishment', 'vladimir', 'relations', 'military', 'we', 'washington']", + "+++: ['america', 'trump', 'hillary', 'states', 'american', 'country', 'political', 'media', 'war', 'obama']
---: ['the', 'right', 'security', 'way', 'establishment', 'vladimir', 'relations', 'military', 'we', 'washington']", + "+++: ['america', 'trump', 'hillary', 'states', 'american', 'country', 'political', 'media', 'war', 'obama']
---: ['the', 'right', 'security', 'way', 'establishment', 'vladimir', 'relations', 'military', 'we', 'washington']", + "+++: ['america', 'trump', 'hillary', 'states', 'american', 'country', 'political', 'media', 'war', 'obama']
---: ['the', 'right', 'security', 'way', 'establishment', 'vladimir', 'relations', 'military', 'we', 'washington']", + "+++: ['america', 'trump', 'hillary', 'states', 'american', 'country', 'political', 'media', 'war', 'obama']
---: ['the', 'right', 'security', 'way', 'establishment', 'vladimir', 'relations', 'military', 'we', 'washington']", + "+++: ['america', 'trump', 'hillary', 'states', 'american', 'country', 'political', 'media', 'war', 'obama']
---: ['the', 'right', 'security', 'way', 'establishment', 'vladimir', 'relations', 'military', 'we', 'washington']", + null, + "+++: ['trump', 'public', 'american', 'obama', 'global', 'years', 'government', 'economic']
---: ['establishment', 'political', 'we', 'nation', 'real', 'paul', 'america', 'i', 'war', 'believe']", + "+++: ['trump', 'public', 'american', 'obama', 'global', 'years', 'government', 'economic']
---: ['establishment', 'political', 'we', 'nation', 'real', 'paul', 'america', 'i', 'war', 'believe']", + "+++: ['trump', 'public', 'american', 'obama', 'global', 'years', 'government', 'economic']
---: ['establishment', 'political', 'we', 'nation', 'real', 'paul', 'america', 'i', 'war', 'believe']", + "+++: ['trump', 'public', 'american', 'obama', 'global', 'years', 'government', 'economic']
---: ['establishment', 'political', 'we', 'nation', 'real', 'paul', 'america', 'i', 'war', 'believe']", + "+++: ['trump', 'public', 'american', 'obama', 'global', 'years', 'government', 'economic']
---: ['establishment', 'political', 'we', 'nation', 'real', 'paul', 'america', 'i', 'war', 'believe']", + "+++: ['trump', 'public', 'american', 'obama', 'global', 'years', 'government', 'economic']
---: ['establishment', 'political', 'we', 'nation', 'real', 'paul', 'america', 'i', 'war', 'believe']", + "+++: ['trump', 'public', 'american', 'obama', 'global', 'years', 'government', 'economic']
---: ['establishment', 'political', 'we', 'nation', 'real', 'paul', 'america', 'i', 'war', 'believe']", + "+++: ['trump', 'public', 'american', 'obama', 'global', 'years', 'government', 'economic']
---: ['establishment', 'political', 'we', 'nation', 'real', 'paul', 'america', 'i', 'war', 'believe']", + "+++: ['trump', 'public', 'american', 'obama', 'global', 'years', 'government', 'economic']
---: ['establishment', 'political', 'we', 'nation', 'real', 'paul', 'america', 'i', 'war', 'believe']", + "+++: ['trump', 'public', 'american', 'obama', 'global', 'years', 'government', 'economic']
---: ['establishment', 'political', 'we', 'nation', 'real', 'paul', 'america', 'i', 'war', 'believe']", + null, + "+++: ['right', 'way', 'country', 'political', 'media', 'we', 'nation', 'president', 'years', 'america']
---: ['the', 'security', 'establishment', 'cia', 'air', 'military', 'washington', 'real', 'good', 'russian']", + "+++: ['right', 'way', 'country', 'political', 'media', 'we', 'nation', 'president', 'years', 'america']
---: ['the', 'security', 'establishment', 'cia', 'air', 'military', 'washington', 'real', 'good', 'russian']", + "+++: ['right', 'way', 'country', 'political', 'media', 'we', 'nation', 'president', 'years', 'america']
---: ['the', 'security', 'establishment', 'cia', 'air', 'military', 'washington', 'real', 'good', 'russian']", + "+++: ['right', 'way', 'country', 'political', 'media', 'we', 'nation', 'president', 'years', 'america']
---: ['the', 'security', 'establishment', 'cia', 'air', 'military', 'washington', 'real', 'good', 'russian']", + "+++: ['right', 'way', 'country', 'political', 'media', 'we', 'nation', 'president', 'years', 'america']
---: ['the', 'security', 'establishment', 'cia', 'air', 'military', 'washington', 'real', 'good', 'russian']", + "+++: ['right', 'way', 'country', 'political', 'media', 'we', 'nation', 'president', 'years', 'america']
---: ['the', 'security', 'establishment', 'cia', 'air', 'military', 'washington', 'real', 'good', 'russian']", + "+++: ['right', 'way', 'country', 'political', 'media', 'we', 'nation', 'president', 'years', 'america']
---: ['the', 'security', 'establishment', 'cia', 'air', 'military', 'washington', 'real', 'good', 'russian']", + "+++: ['right', 'way', 'country', 'political', 'media', 'we', 'nation', 'president', 'years', 'america']
---: ['the', 'security', 'establishment', 'cia', 'air', 'military', 'washington', 'real', 'good', 'russian']", + "+++: ['right', 'way', 'country', 'political', 'media', 'we', 'nation', 'president', 'years', 'america']
---: ['the', 'security', 'establishment', 'cia', 'air', 'military', 'washington', 'real', 'good', 'russian']", + "+++: ['right', 'way', 'country', 'political', 'media', 'we', 'nation', 'president', 'years', 'america']
---: ['the', 'security', 'establishment', 'cia', 'air', 'military', 'washington', 'real', 'good', 'russian']", + null, + "+++: ['right', 'going', 'america', 'way', 'trump', 'think', 'that', 'them', 'know', 'country']
---: ['the', 'establishment', 'lot', 'here', 'is', 'white', 'political', 'come', 'life', 'me']", + "+++: ['right', 'going', 'america', 'way', 'trump', 'think', 'that', 'them', 'know', 'country']
---: ['the', 'establishment', 'lot', 'here', 'is', 'white', 'political', 'come', 'life', 'me']", + "+++: ['right', 'going', 'america', 'way', 'trump', 'think', 'that', 'them', 'know', 'country']
---: ['the', 'establishment', 'lot', 'here', 'is', 'white', 'political', 'come', 'life', 'me']", + "+++: ['right', 'going', 'america', 'way', 'trump', 'think', 'that', 'them', 'know', 'country']
---: ['the', 'establishment', 'lot', 'here', 'is', 'white', 'political', 'come', 'life', 'me']", + "+++: ['right', 'going', 'america', 'way', 'trump', 'think', 'that', 'them', 'know', 'country']
---: ['the', 'establishment', 'lot', 'here', 'is', 'white', 'political', 'come', 'life', 'me']", + "+++: ['right', 'going', 'america', 'way', 'trump', 'think', 'that', 'them', 'know', 'country']
---: ['the', 'establishment', 'lot', 'here', 'is', 'white', 'political', 'come', 'life', 'me']", + "+++: ['right', 'going', 'america', 'way', 'trump', 'think', 'that', 'them', 'know', 'country']
---: ['the', 'establishment', 'lot', 'here', 'is', 'white', 'political', 'come', 'life', 'me']", + "+++: ['right', 'going', 'america', 'way', 'trump', 'think', 'that', 'them', 'know', 'country']
---: ['the', 'establishment', 'lot', 'here', 'is', 'white', 'political', 'come', 'life', 'me']", + "+++: ['right', 'going', 'america', 'way', 'trump', 'think', 'that', 'them', 'know', 'country']
---: ['the', 'establishment', 'lot', 'here', 'is', 'white', 'political', 'come', 'life', 'me']", + "+++: ['right', 'going', 'america', 'way', 'trump', 'think', 'that', 'them', 'know', 'country']
---: ['the', 'establishment', 'lot', 'here', 'is', 'white', 'political', 'come', 'life', 'me']", + null, + "+++: ['hillary', 'election', 'clinton', 'government', 'public']
---: ['october', 'establishment', 'justice', 'washington', 'political', 'chief', 'we', 'nation', 'real', 'doj']", + "+++: ['hillary', 'election', 'clinton', 'government', 'public']
---: ['october', 'establishment', 'justice', 'washington', 'political', 'chief', 'we', 'nation', 'real', 'doj']", + "+++: ['hillary', 'election', 'clinton', 'government', 'public']
---: ['october', 'establishment', 'justice', 'washington', 'political', 'chief', 'we', 'nation', 'real', 'doj']", + "+++: ['hillary', 'election', 'clinton', 'government', 'public']
---: ['october', 'establishment', 'justice', 'washington', 'political', 'chief', 'we', 'nation', 'real', 'doj']", + "+++: ['hillary', 'election', 'clinton', 'government', 'public']
---: ['october', 'establishment', 'justice', 'washington', 'political', 'chief', 'we', 'nation', 'real', 'doj']", + "+++: ['hillary', 'election', 'clinton', 'government', 'public']
---: ['october', 'establishment', 'justice', 'washington', 'political', 'chief', 'we', 'nation', 'real', 'doj']", + "+++: ['hillary', 'election', 'clinton', 'government', 'public']
---: ['october', 'establishment', 'justice', 'washington', 'political', 'chief', 'we', 'nation', 'real', 'doj']", + "+++: ['hillary', 'election', 'clinton', 'government', 'public']
---: ['october', 'establishment', 'justice', 'washington', 'political', 'chief', 'we', 'nation', 'real', 'doj']", + "+++: ['hillary', 'election', 'clinton', 'government', 'public']
---: ['october', 'establishment', 'justice', 'washington', 'political', 'chief', 'we', 'nation', 'real', 'doj']", + "+++: ['hillary', 'election', 'clinton', 'government', 'public']
---: ['october', 'establishment', 'justice', 'washington', 'political', 'chief', 'we', 'nation', 'real', 'doj']", + null, + "+++: ['states', 'country', 'war', 'united', 'president', 'world', 'government']
---: ['establishment', 'washington', 'political', 'we', 'nation', 'real', 'russian', 'forces', 'america', 'i']", + "+++: ['states', 'country', 'war', 'united', 'president', 'world', 'government']
---: ['establishment', 'washington', 'political', 'we', 'nation', 'real', 'russian', 'forces', 'america', 'i']", + "+++: ['states', 'country', 'war', 'united', 'president', 'world', 'government']
---: ['establishment', 'washington', 'political', 'we', 'nation', 'real', 'russian', 'forces', 'america', 'i']", + "+++: ['states', 'country', 'war', 'united', 'president', 'world', 'government']
---: ['establishment', 'washington', 'political', 'we', 'nation', 'real', 'russian', 'forces', 'america', 'i']", + "+++: ['states', 'country', 'war', 'united', 'president', 'world', 'government']
---: ['establishment', 'washington', 'political', 'we', 'nation', 'real', 'russian', 'forces', 'america', 'i']", + "+++: ['states', 'country', 'war', 'united', 'president', 'world', 'government']
---: ['establishment', 'washington', 'political', 'we', 'nation', 'real', 'russian', 'forces', 'america', 'i']", + "+++: ['states', 'country', 'war', 'united', 'president', 'world', 'government']
---: ['establishment', 'washington', 'political', 'we', 'nation', 'real', 'russian', 'forces', 'america', 'i']", + "+++: ['states', 'country', 'war', 'united', 'president', 'world', 'government']
---: ['establishment', 'washington', 'political', 'we', 'nation', 'real', 'russian', 'forces', 'america', 'i']", + "+++: ['states', 'country', 'war', 'united', 'president', 'world', 'government']
---: ['establishment', 'washington', 'political', 'we', 'nation', 'real', 'russian', 'forces', 'america', 'i']", + "+++: ['states', 'country', 'war', 'united', 'president', 'world', 'government']
---: ['establishment', 'washington', 'political', 'we', 'nation', 'real', 'russian', 'forces', 'america', 'i']", + null, + "+++: ['the', 'foreign', 'states', 'policy', 'country', 'united', 'countries', 'international', 'state', 'world']
---: ['security', 'relations', 'political', 'washington', 'russian', 'america', 'australia', 'asia', 'war', 'weapons']", + "+++: ['the', 'foreign', 'states', 'policy', 'country', 'united', 'countries', 'international', 'state', 'world']
---: ['security', 'relations', 'political', 'washington', 'russian', 'america', 'australia', 'asia', 'war', 'weapons']", + "+++: ['the', 'foreign', 'states', 'policy', 'country', 'united', 'countries', 'international', 'state', 'world']
---: ['security', 'relations', 'political', 'washington', 'russian', 'america', 'australia', 'asia', 'war', 'weapons']", + "+++: ['the', 'foreign', 'states', 'policy', 'country', 'united', 'countries', 'international', 'state', 'world']
---: ['security', 'relations', 'political', 'washington', 'russian', 'america', 'australia', 'asia', 'war', 'weapons']", + "+++: ['the', 'foreign', 'states', 'policy', 'country', 'united', 'countries', 'international', 'state', 'world']
---: ['security', 'relations', 'political', 'washington', 'russian', 'america', 'australia', 'asia', 'war', 'weapons']", + "+++: ['the', 'foreign', 'states', 'policy', 'country', 'united', 'countries', 'international', 'state', 'world']
---: ['security', 'relations', 'political', 'washington', 'russian', 'america', 'australia', 'asia', 'war', 'weapons']", + "+++: ['the', 'foreign', 'states', 'policy', 'country', 'united', 'countries', 'international', 'state', 'world']
---: ['security', 'relations', 'political', 'washington', 'russian', 'america', 'australia', 'asia', 'war', 'weapons']", + "+++: ['the', 'foreign', 'states', 'policy', 'country', 'united', 'countries', 'international', 'state', 'world']
---: ['security', 'relations', 'political', 'washington', 'russian', 'america', 'australia', 'asia', 'war', 'weapons']", + "+++: ['the', 'foreign', 'states', 'policy', 'country', 'united', 'countries', 'international', 'state', 'world']
---: ['security', 'relations', 'political', 'washington', 'russian', 'america', 'australia', 'asia', 'war', 'weapons']", + "+++: ['the', 'foreign', 'states', 'policy', 'country', 'united', 'countries', 'international', 'state', 'world']
---: ['security', 'relations', 'political', 'washington', 'russian', 'america', 'australia', 'asia', 'war', 'weapons']", + null, + "+++: ['world', 'power']
---: ['security', 'relations', 'political', 'washington', 'life', 'real', 'russian', 'able', 'america', 'i']", + "+++: ['world', 'power']
---: ['security', 'relations', 'political', 'washington', 'life', 'real', 'russian', 'able', 'america', 'i']", + "+++: ['world', 'power']
---: ['security', 'relations', 'political', 'washington', 'life', 'real', 'russian', 'able', 'america', 'i']", + "+++: ['world', 'power']
---: ['security', 'relations', 'political', 'washington', 'life', 'real', 'russian', 'able', 'america', 'i']", + "+++: ['world', 'power']
---: ['security', 'relations', 'political', 'washington', 'life', 'real', 'russian', 'able', 'america', 'i']", + "+++: ['world', 'power']
---: ['security', 'relations', 'political', 'washington', 'life', 'real', 'russian', 'able', 'america', 'i']", + "+++: ['world', 'power']
---: ['security', 'relations', 'political', 'washington', 'life', 'real', 'russian', 'able', 'america', 'i']", + "+++: ['world', 'power']
---: ['security', 'relations', 'political', 'washington', 'life', 'real', 'russian', 'able', 'america', 'i']", + "+++: ['world', 'power']
---: ['security', 'relations', 'political', 'washington', 'life', 'real', 'russian', 'able', 'america', 'i']", + "+++: ['world', 'power']
---: ['security', 'relations', 'political', 'washington', 'life', 'real', 'russian', 'able', 'america', 'i']", + null, + "+++: ['trump', 'american', 'u', 'obama', 'state', 'government', 'economic']
---: ['security', 'relations', 'political', 'washington', 'russian', 'paul', 'america', 'war', 'weapons', 'fund']", + "+++: ['trump', 'american', 'u', 'obama', 'state', 'government', 'economic']
---: ['security', 'relations', 'political', 'washington', 'russian', 'paul', 'america', 'war', 'weapons', 'fund']", + "+++: ['trump', 'american', 'u', 'obama', 'state', 'government', 'economic']
---: ['security', 'relations', 'political', 'washington', 'russian', 'paul', 'america', 'war', 'weapons', 'fund']", + "+++: ['trump', 'american', 'u', 'obama', 'state', 'government', 'economic']
---: ['security', 'relations', 'political', 'washington', 'russian', 'paul', 'america', 'war', 'weapons', 'fund']", + "+++: ['trump', 'american', 'u', 'obama', 'state', 'government', 'economic']
---: ['security', 'relations', 'political', 'washington', 'russian', 'paul', 'america', 'war', 'weapons', 'fund']", + "+++: ['trump', 'american', 'u', 'obama', 'state', 'government', 'economic']
---: ['security', 'relations', 'political', 'washington', 'russian', 'paul', 'america', 'war', 'weapons', 'fund']", + "+++: ['trump', 'american', 'u', 'obama', 'state', 'government', 'economic']
---: ['security', 'relations', 'political', 'washington', 'russian', 'paul', 'america', 'war', 'weapons', 'fund']", + "+++: ['trump', 'american', 'u', 'obama', 'state', 'government', 'economic']
---: ['security', 'relations', 'political', 'washington', 'russian', 'paul', 'america', 'war', 'weapons', 'fund']", + "+++: ['trump', 'american', 'u', 'obama', 'state', 'government', 'economic']
---: ['security', 'relations', 'political', 'washington', 'russian', 'paul', 'america', 'war', 'weapons', 'fund']", + "+++: ['trump', 'american', 'u', 'obama', 'state', 'government', 'economic']
---: ['security', 'relations', 'political', 'washington', 'russian', 'paul', 'america', 'war', 'weapons', 'fund']", + null, + "+++: ['the', 'security', 'military', 'country', 'political', 'media', 'washington', 'russian', 'state', 'president']
---: ['right', 'way', 'vladimir', 'cia', 'relations', 'air', 'nation', 'we', 'russians', 'secretary']", + "+++: ['the', 'security', 'military', 'country', 'political', 'media', 'washington', 'russian', 'state', 'president']
---: ['right', 'way', 'vladimir', 'cia', 'relations', 'air', 'nation', 'we', 'russians', 'secretary']", + "+++: ['the', 'security', 'military', 'country', 'political', 'media', 'washington', 'russian', 'state', 'president']
---: ['right', 'way', 'vladimir', 'cia', 'relations', 'air', 'nation', 'we', 'russians', 'secretary']", + "+++: ['the', 'security', 'military', 'country', 'political', 'media', 'washington', 'russian', 'state', 'president']
---: ['right', 'way', 'vladimir', 'cia', 'relations', 'air', 'nation', 'we', 'russians', 'secretary']", + "+++: ['the', 'security', 'military', 'country', 'political', 'media', 'washington', 'russian', 'state', 'president']
---: ['right', 'way', 'vladimir', 'cia', 'relations', 'air', 'nation', 'we', 'russians', 'secretary']", + "+++: ['the', 'security', 'military', 'country', 'political', 'media', 'washington', 'russian', 'state', 'president']
---: ['right', 'way', 'vladimir', 'cia', 'relations', 'air', 'nation', 'we', 'russians', 'secretary']", + "+++: ['the', 'security', 'military', 'country', 'political', 'media', 'washington', 'russian', 'state', 'president']
---: ['right', 'way', 'vladimir', 'cia', 'relations', 'air', 'nation', 'we', 'russians', 'secretary']", + "+++: ['the', 'security', 'military', 'country', 'political', 'media', 'washington', 'russian', 'state', 'president']
---: ['right', 'way', 'vladimir', 'cia', 'relations', 'air', 'nation', 'we', 'russians', 'secretary']", + "+++: ['the', 'security', 'military', 'country', 'political', 'media', 'washington', 'russian', 'state', 'president']
---: ['right', 'way', 'vladimir', 'cia', 'relations', 'air', 'nation', 'we', 'russians', 'secretary']", + "+++: ['the', 'security', 'military', 'country', 'political', 'media', 'washington', 'russian', 'state', 'president']
---: ['right', 'way', 'vladimir', 'cia', 'relations', 'air', 'nation', 'we', 'russians', 'secretary']", + null, + "+++: ['trump', 'presidential', 'hillary', 'states', 'u', 'clinton', 'state', 'election']
---: ['3', 'security', 'early', 'voter', 'relations', 'lead', 'political', 'washington', 'russian', 'america']", + "+++: ['trump', 'presidential', 'hillary', 'states', 'u', 'clinton', 'state', 'election']
---: ['3', 'security', 'early', 'voter', 'relations', 'lead', 'political', 'washington', 'russian', 'america']", + "+++: ['trump', 'presidential', 'hillary', 'states', 'u', 'clinton', 'state', 'election']
---: ['3', 'security', 'early', 'voter', 'relations', 'lead', 'political', 'washington', 'russian', 'america']", + "+++: ['trump', 'presidential', 'hillary', 'states', 'u', 'clinton', 'state', 'election']
---: ['3', 'security', 'early', 'voter', 'relations', 'lead', 'political', 'washington', 'russian', 'america']", + "+++: ['trump', 'presidential', 'hillary', 'states', 'u', 'clinton', 'state', 'election']
---: ['3', 'security', 'early', 'voter', 'relations', 'lead', 'political', 'washington', 'russian', 'america']", + "+++: ['trump', 'presidential', 'hillary', 'states', 'u', 'clinton', 'state', 'election']
---: ['3', 'security', 'early', 'voter', 'relations', 'lead', 'political', 'washington', 'russian', 'america']", + "+++: ['trump', 'presidential', 'hillary', 'states', 'u', 'clinton', 'state', 'election']
---: ['3', 'security', 'early', 'voter', 'relations', 'lead', 'political', 'washington', 'russian', 'america']", + "+++: ['trump', 'presidential', 'hillary', 'states', 'u', 'clinton', 'state', 'election']
---: ['3', 'security', 'early', 'voter', 'relations', 'lead', 'political', 'washington', 'russian', 'america']", + "+++: ['trump', 'presidential', 'hillary', 'states', 'u', 'clinton', 'state', 'election']
---: ['3', 'security', 'early', 'voter', 'relations', 'lead', 'political', 'washington', 'russian', 'america']", + "+++: ['trump', 'presidential', 'hillary', 'states', 'u', 'clinton', 'state', 'election']
---: ['3', 'security', 'early', 'voter', 'relations', 'lead', 'political', 'washington', 'russian', 'america']", + null, + "+++: ['the', 'america', 'trump', 'american', 'country', 'state', 'world']
---: ['security', 'relations', 'we', 'political', 'washington', 'life', 'russian', 'll', 'i', 'war']", + "+++: ['the', 'america', 'trump', 'american', 'country', 'state', 'world']
---: ['security', 'relations', 'we', 'political', 'washington', 'life', 'russian', 'll', 'i', 'war']", + "+++: ['the', 'america', 'trump', 'american', 'country', 'state', 'world']
---: ['security', 'relations', 'we', 'political', 'washington', 'life', 'russian', 'll', 'i', 'war']", + "+++: ['the', 'america', 'trump', 'american', 'country', 'state', 'world']
---: ['security', 'relations', 'we', 'political', 'washington', 'life', 'russian', 'll', 'i', 'war']", + "+++: ['the', 'america', 'trump', 'american', 'country', 'state', 'world']
---: ['security', 'relations', 'we', 'political', 'washington', 'life', 'russian', 'll', 'i', 'war']", + "+++: ['the', 'america', 'trump', 'american', 'country', 'state', 'world']
---: ['security', 'relations', 'we', 'political', 'washington', 'life', 'russian', 'll', 'i', 'war']", + "+++: ['the', 'america', 'trump', 'american', 'country', 'state', 'world']
---: ['security', 'relations', 'we', 'political', 'washington', 'life', 'russian', 'll', 'i', 'war']", + "+++: ['the', 'america', 'trump', 'american', 'country', 'state', 'world']
---: ['security', 'relations', 'we', 'political', 'washington', 'life', 'russian', 'll', 'i', 'war']", + "+++: ['the', 'america', 'trump', 'american', 'country', 'state', 'world']
---: ['security', 'relations', 'we', 'political', 'washington', 'life', 'russian', 'll', 'i', 'war']", + "+++: ['the', 'america', 'trump', 'american', 'country', 'state', 'world']
---: ['security', 'relations', 'we', 'political', 'washington', 'life', 'russian', 'll', 'i', 'war']", + null, + "+++: ['hillary', 'washington', 'clinton', 'state', 'election', 'government']
---: ['october', 'security', 'relations', 'justice', 'political', 'chief', 'russian', 'doj', 'comey', 'case']", + "+++: ['hillary', 'washington', 'clinton', 'state', 'election', 'government']
---: ['october', 'security', 'relations', 'justice', 'political', 'chief', 'russian', 'doj', 'comey', 'case']", + "+++: ['hillary', 'washington', 'clinton', 'state', 'election', 'government']
---: ['october', 'security', 'relations', 'justice', 'political', 'chief', 'russian', 'doj', 'comey', 'case']", + "+++: ['hillary', 'washington', 'clinton', 'state', 'election', 'government']
---: ['october', 'security', 'relations', 'justice', 'political', 'chief', 'russian', 'doj', 'comey', 'case']", + "+++: ['hillary', 'washington', 'clinton', 'state', 'election', 'government']
---: ['october', 'security', 'relations', 'justice', 'political', 'chief', 'russian', 'doj', 'comey', 'case']", + "+++: ['hillary', 'washington', 'clinton', 'state', 'election', 'government']
---: ['october', 'security', 'relations', 'justice', 'political', 'chief', 'russian', 'doj', 'comey', 'case']", + "+++: ['hillary', 'washington', 'clinton', 'state', 'election', 'government']
---: ['october', 'security', 'relations', 'justice', 'political', 'chief', 'russian', 'doj', 'comey', 'case']", + "+++: ['hillary', 'washington', 'clinton', 'state', 'election', 'government']
---: ['october', 'security', 'relations', 'justice', 'political', 'chief', 'russian', 'doj', 'comey', 'case']", + "+++: ['hillary', 'washington', 'clinton', 'state', 'election', 'government']
---: ['october', 'security', 'relations', 'justice', 'political', 'chief', 'russian', 'doj', 'comey', 'case']", + "+++: ['hillary', 'washington', 'clinton', 'state', 'election', 'government']
---: ['october', 'security', 'relations', 'justice', 'political', 'chief', 'russian', 'doj', 'comey', 'case']", + null, + "+++: ['the', 'syria', 'nato', 'foreign', 'states', 'military', 'country', 'washington', 'war', 'weapons']
---: ['security', 'vladimir', 'relations', 'iran', 'political', 'media', 'saudi', 'attacks', 'russians', 'secretary']", + "+++: ['the', 'syria', 'nato', 'foreign', 'states', 'military', 'country', 'washington', 'war', 'weapons']
---: ['security', 'vladimir', 'relations', 'iran', 'political', 'media', 'saudi', 'attacks', 'russians', 'secretary']", + "+++: ['the', 'syria', 'nato', 'foreign', 'states', 'military', 'country', 'washington', 'war', 'weapons']
---: ['security', 'vladimir', 'relations', 'iran', 'political', 'media', 'saudi', 'attacks', 'russians', 'secretary']", + "+++: ['the', 'syria', 'nato', 'foreign', 'states', 'military', 'country', 'washington', 'war', 'weapons']
---: ['security', 'vladimir', 'relations', 'iran', 'political', 'media', 'saudi', 'attacks', 'russians', 'secretary']", + "+++: ['the', 'syria', 'nato', 'foreign', 'states', 'military', 'country', 'washington', 'war', 'weapons']
---: ['security', 'vladimir', 'relations', 'iran', 'political', 'media', 'saudi', 'attacks', 'russians', 'secretary']", + "+++: ['the', 'syria', 'nato', 'foreign', 'states', 'military', 'country', 'washington', 'war', 'weapons']
---: ['security', 'vladimir', 'relations', 'iran', 'political', 'media', 'saudi', 'attacks', 'russians', 'secretary']", + "+++: ['the', 'syria', 'nato', 'foreign', 'states', 'military', 'country', 'washington', 'war', 'weapons']
---: ['security', 'vladimir', 'relations', 'iran', 'political', 'media', 'saudi', 'attacks', 'russians', 'secretary']", + "+++: ['the', 'syria', 'nato', 'foreign', 'states', 'military', 'country', 'washington', 'war', 'weapons']
---: ['security', 'vladimir', 'relations', 'iran', 'political', 'media', 'saudi', 'attacks', 'russians', 'secretary']", + "+++: ['the', 'syria', 'nato', 'foreign', 'states', 'military', 'country', 'washington', 'war', 'weapons']
---: ['security', 'vladimir', 'relations', 'iran', 'political', 'media', 'saudi', 'attacks', 'russians', 'secretary']", + "+++: ['the', 'syria', 'nato', 'foreign', 'states', 'military', 'country', 'washington', 'war', 'weapons']
---: ['security', 'vladimir', 'relations', 'iran', 'political', 'media', 'saudi', 'attacks', 'russians', 'secretary']", + null, + "+++: ['help', '3', 'blood', '1', 'cause', 'natural', '2', 'research', 'high', 'use']
---: ['food', 'field', 'lead', 'choi', 'life', 'helps', 'doctor', 'vitamin', 'virus', 'a']", + "+++: ['help', '3', 'blood', '1', 'cause', 'natural', '2', 'research', 'high', 'use']
---: ['food', 'field', 'lead', 'choi', 'life', 'helps', 'doctor', 'vitamin', 'virus', 'a']", + "+++: ['help', '3', 'blood', '1', 'cause', 'natural', '2', 'research', 'high', 'use']
---: ['food', 'field', 'lead', 'choi', 'life', 'helps', 'doctor', 'vitamin', 'virus', 'a']", + "+++: ['help', '3', 'blood', '1', 'cause', 'natural', '2', 'research', 'high', 'use']
---: ['food', 'field', 'lead', 'choi', 'life', 'helps', 'doctor', 'vitamin', 'virus', 'a']", + "+++: ['help', '3', 'blood', '1', 'cause', 'natural', '2', 'research', 'high', 'use']
---: ['food', 'field', 'lead', 'choi', 'life', 'helps', 'doctor', 'vitamin', 'virus', 'a']", + "+++: ['help', '3', 'blood', '1', 'cause', 'natural', '2', 'research', 'high', 'use']
---: ['food', 'field', 'lead', 'choi', 'life', 'helps', 'doctor', 'vitamin', 'virus', 'a']", + "+++: ['help', '3', 'blood', '1', 'cause', 'natural', '2', 'research', 'high', 'use']
---: ['food', 'field', 'lead', 'choi', 'life', 'helps', 'doctor', 'vitamin', 'virus', 'a']", + "+++: ['help', '3', 'blood', '1', 'cause', 'natural', '2', 'research', 'high', 'use']
---: ['food', 'field', 'lead', 'choi', 'life', 'helps', 'doctor', 'vitamin', 'virus', 'a']", + "+++: ['help', '3', 'blood', '1', 'cause', 'natural', '2', 'research', 'high', 'use']
---: ['food', 'field', 'lead', 'choi', 'life', 'helps', 'doctor', 'vitamin', 'virus', 'a']", + "+++: ['help', '3', 'blood', '1', 'cause', 'natural', '2', 'research', 'high', 'use']
---: ['food', 'field', 'lead', 'choi', 'life', 'helps', 'doctor', 'vitamin', 'virus', 'a']", + null, + "+++: ['state', 'global', 'years', 'government', 'economic']
---: ['paul', 'australia', 'asia', 'fund', 'wall', 'europe', 'east', 'british', 'jobs', 'pope']", + "+++: ['state', 'global', 'years', 'government', 'economic']
---: ['paul', 'australia', 'asia', 'fund', 'wall', 'europe', 'east', 'british', 'jobs', 'pope']", + "+++: ['state', 'global', 'years', 'government', 'economic']
---: ['paul', 'australia', 'asia', 'fund', 'wall', 'europe', 'east', 'british', 'jobs', 'pope']", + "+++: ['state', 'global', 'years', 'government', 'economic']
---: ['paul', 'australia', 'asia', 'fund', 'wall', 'europe', 'east', 'british', 'jobs', 'pope']", + "+++: ['state', 'global', 'years', 'government', 'economic']
---: ['paul', 'australia', 'asia', 'fund', 'wall', 'europe', 'east', 'british', 'jobs', 'pope']", + "+++: ['state', 'global', 'years', 'government', 'economic']
---: ['paul', 'australia', 'asia', 'fund', 'wall', 'europe', 'east', 'british', 'jobs', 'pope']", + "+++: ['state', 'global', 'years', 'government', 'economic']
---: ['paul', 'australia', 'asia', 'fund', 'wall', 'europe', 'east', 'british', 'jobs', 'pope']", + "+++: ['state', 'global', 'years', 'government', 'economic']
---: ['paul', 'australia', 'asia', 'fund', 'wall', 'europe', 'east', 'british', 'jobs', 'pope']", + "+++: ['state', 'global', 'years', 'government', 'economic']
---: ['paul', 'australia', 'asia', 'fund', 'wall', 'europe', 'east', 'british', 'jobs', 'pope']", + "+++: ['state', 'global', 'years', 'government', 'economic']
---: ['paul', 'australia', 'asia', 'fund', 'wall', 'europe', 'east', 'british', 'jobs', 'pope']", + null, + "+++: ['american', 'u', 'obama', 'americans', 'state', 'years', 'government']
---: ['security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'paul', 'america', 'war']", + "+++: ['american', 'u', 'obama', 'americans', 'state', 'years', 'government']
---: ['security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'paul', 'america', 'war']", + "+++: ['american', 'u', 'obama', 'americans', 'state', 'years', 'government']
---: ['security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'paul', 'america', 'war']", + "+++: ['american', 'u', 'obama', 'americans', 'state', 'years', 'government']
---: ['security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'paul', 'america', 'war']", + "+++: ['american', 'u', 'obama', 'americans', 'state', 'years', 'government']
---: ['security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'paul', 'america', 'war']", + "+++: ['american', 'u', 'obama', 'americans', 'state', 'years', 'government']
---: ['security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'paul', 'america', 'war']", + "+++: ['american', 'u', 'obama', 'americans', 'state', 'years', 'government']
---: ['security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'paul', 'america', 'war']", + "+++: ['american', 'u', 'obama', 'americans', 'state', 'years', 'government']
---: ['security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'paul', 'america', 'war']", + "+++: ['american', 'u', 'obama', 'americans', 'state', 'years', 'government']
---: ['security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'paul', 'america', 'war']", + "+++: ['american', 'u', 'obama', 'americans', 'state', 'years', 'government']
---: ['security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'paul', 'america', 'war']", + null, + "+++: ['poll', 'trump', '1', 'percent', '2', 'u', 'state', 'year', 'years']
---: ['3', 'early', 'voter', 'lead', 'paul', 'ballots', 'fund', 'wall', 'jobs', 'vote']", + "+++: ['poll', 'trump', '1', 'percent', '2', 'u', 'state', 'year', 'years']
---: ['3', 'early', 'voter', 'lead', 'paul', 'ballots', 'fund', 'wall', 'jobs', 'vote']", + "+++: ['poll', 'trump', '1', 'percent', '2', 'u', 'state', 'year', 'years']
---: ['3', 'early', 'voter', 'lead', 'paul', 'ballots', 'fund', 'wall', 'jobs', 'vote']", + "+++: ['poll', 'trump', '1', 'percent', '2', 'u', 'state', 'year', 'years']
---: ['3', 'early', 'voter', 'lead', 'paul', 'ballots', 'fund', 'wall', 'jobs', 'vote']", + "+++: ['poll', 'trump', '1', 'percent', '2', 'u', 'state', 'year', 'years']
---: ['3', 'early', 'voter', 'lead', 'paul', 'ballots', 'fund', 'wall', 'jobs', 'vote']", + "+++: ['poll', 'trump', '1', 'percent', '2', 'u', 'state', 'year', 'years']
---: ['3', 'early', 'voter', 'lead', 'paul', 'ballots', 'fund', 'wall', 'jobs', 'vote']", + "+++: ['poll', 'trump', '1', 'percent', '2', 'u', 'state', 'year', 'years']
---: ['3', 'early', 'voter', 'lead', 'paul', 'ballots', 'fund', 'wall', 'jobs', 'vote']", + "+++: ['poll', 'trump', '1', 'percent', '2', 'u', 'state', 'year', 'years']
---: ['3', 'early', 'voter', 'lead', 'paul', 'ballots', 'fund', 'wall', 'jobs', 'vote']", + "+++: ['poll', 'trump', '1', 'percent', '2', 'u', 'state', 'year', 'years']
---: ['3', 'early', 'voter', 'lead', 'paul', 'ballots', 'fund', 'wall', 'jobs', 'vote']", + "+++: ['poll', 'trump', '1', 'percent', '2', 'u', 'state', 'year', 'years']
---: ['3', 'early', 'voter', 'lead', 'paul', 'ballots', 'fund', 'wall', 'jobs', 'vote']", + null, + "+++: ['years', 'money']
---: ['life', 'real', 'paul', 'able', 'i', 'god', 'fund', 'wall', 'point', 'jobs']", + "+++: ['years', 'money']
---: ['life', 'real', 'paul', 'able', 'i', 'god', 'fund', 'wall', 'point', 'jobs']", + "+++: ['years', 'money']
---: ['life', 'real', 'paul', 'able', 'i', 'god', 'fund', 'wall', 'point', 'jobs']", + "+++: ['years', 'money']
---: ['life', 'real', 'paul', 'able', 'i', 'god', 'fund', 'wall', 'point', 'jobs']", + "+++: ['years', 'money']
---: ['life', 'real', 'paul', 'able', 'i', 'god', 'fund', 'wall', 'point', 'jobs']", + "+++: ['years', 'money']
---: ['life', 'real', 'paul', 'able', 'i', 'god', 'fund', 'wall', 'point', 'jobs']", + "+++: ['years', 'money']
---: ['life', 'real', 'paul', 'able', 'i', 'god', 'fund', 'wall', 'point', 'jobs']", + "+++: ['years', 'money']
---: ['life', 'real', 'paul', 'able', 'i', 'god', 'fund', 'wall', 'point', 'jobs']", + "+++: ['years', 'money']
---: ['life', 'real', 'paul', 'able', 'i', 'god', 'fund', 'wall', 'point', 'jobs']", + "+++: ['years', 'money']
---: ['life', 'real', 'paul', 'able', 'i', 'god', 'fund', 'wall', 'point', 'jobs']", + null, + "+++: ['day', 'we', 'media']
---: ['october', 'protesters', 'protest', 'security', 'political', 'washington', 'officer', 'nation', 'native', 'russian']", + "+++: ['day', 'we', 'media']
---: ['october', 'protesters', 'protest', 'security', 'political', 'washington', 'officer', 'nation', 'native', 'russian']", + "+++: ['day', 'we', 'media']
---: ['october', 'protesters', 'protest', 'security', 'political', 'washington', 'officer', 'nation', 'native', 'russian']", + "+++: ['day', 'we', 'media']
---: ['october', 'protesters', 'protest', 'security', 'political', 'washington', 'officer', 'nation', 'native', 'russian']", + "+++: ['day', 'we', 'media']
---: ['october', 'protesters', 'protest', 'security', 'political', 'washington', 'officer', 'nation', 'native', 'russian']", + "+++: ['day', 'we', 'media']
---: ['october', 'protesters', 'protest', 'security', 'political', 'washington', 'officer', 'nation', 'native', 'russian']", + "+++: ['day', 'we', 'media']
---: ['october', 'protesters', 'protest', 'security', 'political', 'washington', 'officer', 'nation', 'native', 'russian']", + "+++: ['day', 'we', 'media']
---: ['october', 'protesters', 'protest', 'security', 'political', 'washington', 'officer', 'nation', 'native', 'russian']", + "+++: ['day', 'we', 'media']
---: ['october', 'protesters', 'protest', 'security', 'political', 'washington', 'officer', 'nation', 'native', 'russian']", + "+++: ['day', 'we', 'media']
---: ['october', 'protesters', 'protest', 'security', 'political', 'washington', 'officer', 'nation', 'native', 'russian']", + null, + "+++: ['the', 'west', 'states', 'country', 'western', 'united', 'state', 'world', 'years', 'government']
---: ['security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'america', 'australia', 'asia']", + "+++: ['the', 'west', 'states', 'country', 'western', 'united', 'state', 'world', 'years', 'government']
---: ['security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'america', 'australia', 'asia']", + "+++: ['the', 'west', 'states', 'country', 'western', 'united', 'state', 'world', 'years', 'government']
---: ['security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'america', 'australia', 'asia']", + "+++: ['the', 'west', 'states', 'country', 'western', 'united', 'state', 'world', 'years', 'government']
---: ['security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'america', 'australia', 'asia']", + "+++: ['the', 'west', 'states', 'country', 'western', 'united', 'state', 'world', 'years', 'government']
---: ['security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'america', 'australia', 'asia']", + "+++: ['the', 'west', 'states', 'country', 'western', 'united', 'state', 'world', 'years', 'government']
---: ['security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'america', 'australia', 'asia']", + "+++: ['the', 'west', 'states', 'country', 'western', 'united', 'state', 'world', 'years', 'government']
---: ['security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'america', 'australia', 'asia']", + "+++: ['the', 'west', 'states', 'country', 'western', 'united', 'state', 'world', 'years', 'government']
---: ['security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'america', 'australia', 'asia']", + "+++: ['the', 'west', 'states', 'country', 'western', 'united', 'state', 'world', 'years', 'government']
---: ['security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'america', 'australia', 'asia']", + "+++: ['the', 'west', 'states', 'country', 'western', 'united', 'state', 'world', 'years', 'government']
---: ['security', 'political', 'washington', 'we', 'nation', 'russian', 'forces', 'america', 'australia', 'asia']", + null, + "+++: ['way', 'that', 'them', 'day', 'power', 'world', 'years']
---: ['security', 'political', 'washington', 'we', 'life', 'nation', 'real', 'russian', 'forces', 'able']", + "+++: ['way', 'that', 'them', 'day', 'power', 'world', 'years']
---: ['security', 'political', 'washington', 'we', 'life', 'nation', 'real', 'russian', 'forces', 'able']", + "+++: ['way', 'that', 'them', 'day', 'power', 'world', 'years']
---: ['security', 'political', 'washington', 'we', 'life', 'nation', 'real', 'russian', 'forces', 'able']", + "+++: ['way', 'that', 'them', 'day', 'power', 'world', 'years']
---: ['security', 'political', 'washington', 'we', 'life', 'nation', 'real', 'russian', 'forces', 'able']", + "+++: ['way', 'that', 'them', 'day', 'power', 'world', 'years']
---: ['security', 'political', 'washington', 'we', 'life', 'nation', 'real', 'russian', 'forces', 'able']", + "+++: ['way', 'that', 'them', 'day', 'power', 'world', 'years']
---: ['security', 'political', 'washington', 'we', 'life', 'nation', 'real', 'russian', 'forces', 'able']", + "+++: ['way', 'that', 'them', 'day', 'power', 'world', 'years']
---: ['security', 'political', 'washington', 'we', 'life', 'nation', 'real', 'russian', 'forces', 'able']", + "+++: ['way', 'that', 'them', 'day', 'power', 'world', 'years']
---: ['security', 'political', 'washington', 'we', 'life', 'nation', 'real', 'russian', 'forces', 'able']", + "+++: ['way', 'that', 'them', 'day', 'power', 'world', 'years']
---: ['security', 'political', 'washington', 'we', 'life', 'nation', 'real', 'russian', 'forces', 'able']", + "+++: ['way', 'that', 'them', 'day', 'power', 'world', 'years']
---: ['security', 'political', 'washington', 'we', 'life', 'nation', 'real', 'russian', 'forces', 'able']", + null, + "+++: ['state', 'states', 'years', 'u', 'day']
---: ['3', 'security', 'early', 'voter', 'lead', 'political', 'washington', 'we', 'nation', 'russian']", + "+++: ['state', 'states', 'years', 'u', 'day']
---: ['3', 'security', 'early', 'voter', 'lead', 'political', 'washington', 'we', 'nation', 'russian']", + "+++: ['state', 'states', 'years', 'u', 'day']
---: ['3', 'security', 'early', 'voter', 'lead', 'political', 'washington', 'we', 'nation', 'russian']", + "+++: ['state', 'states', 'years', 'u', 'day']
---: ['3', 'security', 'early', 'voter', 'lead', 'political', 'washington', 'we', 'nation', 'russian']", + "+++: ['state', 'states', 'years', 'u', 'day']
---: ['3', 'security', 'early', 'voter', 'lead', 'political', 'washington', 'we', 'nation', 'russian']", + "+++: ['state', 'states', 'years', 'u', 'day']
---: ['3', 'security', 'early', 'voter', 'lead', 'political', 'washington', 'we', 'nation', 'russian']", + "+++: ['state', 'states', 'years', 'u', 'day']
---: ['3', 'security', 'early', 'voter', 'lead', 'political', 'washington', 'we', 'nation', 'russian']", + "+++: ['state', 'states', 'years', 'u', 'day']
---: ['3', 'security', 'early', 'voter', 'lead', 'political', 'washington', 'we', 'nation', 'russian']", + "+++: ['state', 'states', 'years', 'u', 'day']
---: ['3', 'security', 'early', 'voter', 'lead', 'political', 'washington', 'we', 'nation', 'russian']", + "+++: ['state', 'states', 'years', 'u', 'day']
---: ['3', 'security', 'early', 'voter', 'lead', 'political', 'washington', 'we', 'nation', 'russian']", + null, + "+++: ['the', 'right', 'america', 'left', 'way', 'that', 'them', 'american', 'country', 'we']
---: ['security', 'political', 'washington', 'life', 'nation', 'russian', 'forces', 'll', 'i', 'war']", + "+++: ['the', 'right', 'america', 'left', 'way', 'that', 'them', 'american', 'country', 'we']
---: ['security', 'political', 'washington', 'life', 'nation', 'russian', 'forces', 'll', 'i', 'war']", + "+++: ['the', 'right', 'america', 'left', 'way', 'that', 'them', 'american', 'country', 'we']
---: ['security', 'political', 'washington', 'life', 'nation', 'russian', 'forces', 'll', 'i', 'war']", + "+++: ['the', 'right', 'america', 'left', 'way', 'that', 'them', 'american', 'country', 'we']
---: ['security', 'political', 'washington', 'life', 'nation', 'russian', 'forces', 'll', 'i', 'war']", + "+++: ['the', 'right', 'america', 'left', 'way', 'that', 'them', 'american', 'country', 'we']
---: ['security', 'political', 'washington', 'life', 'nation', 'russian', 'forces', 'll', 'i', 'war']", + "+++: ['the', 'right', 'america', 'left', 'way', 'that', 'them', 'american', 'country', 'we']
---: ['security', 'political', 'washington', 'life', 'nation', 'russian', 'forces', 'll', 'i', 'war']", + "+++: ['the', 'right', 'america', 'left', 'way', 'that', 'them', 'american', 'country', 'we']
---: ['security', 'political', 'washington', 'life', 'nation', 'russian', 'forces', 'll', 'i', 'war']", + "+++: ['the', 'right', 'america', 'left', 'way', 'that', 'them', 'american', 'country', 'we']
---: ['security', 'political', 'washington', 'life', 'nation', 'russian', 'forces', 'll', 'i', 'war']", + "+++: ['the', 'right', 'america', 'left', 'way', 'that', 'them', 'american', 'country', 'we']
---: ['security', 'political', 'washington', 'life', 'nation', 'russian', 'forces', 'll', 'i', 'war']", + "+++: ['the', 'right', 'america', 'left', 'way', 'that', 'them', 'american', 'country', 'we']
---: ['security', 'political', 'washington', 'life', 'nation', 'russian', 'forces', 'll', 'i', 'war']", + null, + "+++: ['state', 'general', 'government', 'washington']
---: ['october', 'security', 'justice', 'we', 'political', 'chief', 'nation', 'russian', 'doj', 'forces']", + "+++: ['state', 'general', 'government', 'washington']
---: ['october', 'security', 'justice', 'we', 'political', 'chief', 'nation', 'russian', 'doj', 'forces']", + "+++: ['state', 'general', 'government', 'washington']
---: ['october', 'security', 'justice', 'we', 'political', 'chief', 'nation', 'russian', 'doj', 'forces']", + "+++: ['state', 'general', 'government', 'washington']
---: ['october', 'security', 'justice', 'we', 'political', 'chief', 'nation', 'russian', 'doj', 'forces']", + "+++: ['state', 'general', 'government', 'washington']
---: ['october', 'security', 'justice', 'we', 'political', 'chief', 'nation', 'russian', 'doj', 'forces']", + "+++: ['state', 'general', 'government', 'washington']
---: ['october', 'security', 'justice', 'we', 'political', 'chief', 'nation', 'russian', 'doj', 'forces']", + "+++: ['state', 'general', 'government', 'washington']
---: ['october', 'security', 'justice', 'we', 'political', 'chief', 'nation', 'russian', 'doj', 'forces']", + "+++: ['state', 'general', 'government', 'washington']
---: ['october', 'security', 'justice', 'we', 'political', 'chief', 'nation', 'russian', 'doj', 'forces']", + "+++: ['state', 'general', 'government', 'washington']
---: ['october', 'security', 'justice', 'we', 'political', 'chief', 'nation', 'russian', 'doj', 'forces']", + "+++: ['state', 'general', 'government', 'washington']
---: ['october', 'security', 'justice', 'we', 'political', 'chief', 'nation', 'russian', 'doj', 'forces']", + null, + "+++: ['the', 'states', 'military', 'country', 'washington', 'war', 'western', 'us', 'u', 'russia']
---: ['right', 'security', 'way', 'cia', 'iran', 'we', 'air', 'political', 'media', 'saudi']", + "+++: ['the', 'states', 'military', 'country', 'washington', 'war', 'western', 'us', 'u', 'russia']
---: ['right', 'security', 'way', 'cia', 'iran', 'we', 'air', 'political', 'media', 'saudi']", + "+++: ['the', 'states', 'military', 'country', 'washington', 'war', 'western', 'us', 'u', 'russia']
---: ['right', 'security', 'way', 'cia', 'iran', 'we', 'air', 'political', 'media', 'saudi']", + "+++: ['the', 'states', 'military', 'country', 'washington', 'war', 'western', 'us', 'u', 'russia']
---: ['right', 'security', 'way', 'cia', 'iran', 'we', 'air', 'political', 'media', 'saudi']", + "+++: ['the', 'states', 'military', 'country', 'washington', 'war', 'western', 'us', 'u', 'russia']
---: ['right', 'security', 'way', 'cia', 'iran', 'we', 'air', 'political', 'media', 'saudi']", + "+++: ['the', 'states', 'military', 'country', 'washington', 'war', 'western', 'us', 'u', 'russia']
---: ['right', 'security', 'way', 'cia', 'iran', 'we', 'air', 'political', 'media', 'saudi']", + "+++: ['the', 'states', 'military', 'country', 'washington', 'war', 'western', 'us', 'u', 'russia']
---: ['right', 'security', 'way', 'cia', 'iran', 'we', 'air', 'political', 'media', 'saudi']", + "+++: ['the', 'states', 'military', 'country', 'washington', 'war', 'western', 'us', 'u', 'russia']
---: ['right', 'security', 'way', 'cia', 'iran', 'we', 'air', 'political', 'media', 'saudi']", + "+++: ['the', 'states', 'military', 'country', 'washington', 'war', 'western', 'us', 'u', 'russia']
---: ['right', 'security', 'way', 'cia', 'iran', 'we', 'air', 'political', 'media', 'saudi']", + "+++: ['the', 'states', 'military', 'country', 'washington', 'war', 'western', 'us', 'u', 'russia']
---: ['right', 'security', 'way', 'cia', 'iran', 'we', 'air', 'political', 'media', 'saudi']", + null, + "+++: ['news', 'reports', 'county', 'according', 'day']
---: ['october', '3', 'protesters', 'protest', 'early', 'voter', 'lead', 'we', 'officer', 'native']", + "+++: ['news', 'reports', 'county', 'according', 'day']
---: ['october', '3', 'protesters', 'protest', 'early', 'voter', 'lead', 'we', 'officer', 'native']", + "+++: ['news', 'reports', 'county', 'according', 'day']
---: ['october', '3', 'protesters', 'protest', 'early', 'voter', 'lead', 'we', 'officer', 'native']", + "+++: ['news', 'reports', 'county', 'according', 'day']
---: ['october', '3', 'protesters', 'protest', 'early', 'voter', 'lead', 'we', 'officer', 'native']", + "+++: ['news', 'reports', 'county', 'according', 'day']
---: ['october', '3', 'protesters', 'protest', 'early', 'voter', 'lead', 'we', 'officer', 'native']", + "+++: ['news', 'reports', 'county', 'according', 'day']
---: ['october', '3', 'protesters', 'protest', 'early', 'voter', 'lead', 'we', 'officer', 'native']", + "+++: ['news', 'reports', 'county', 'according', 'day']
---: ['october', '3', 'protesters', 'protest', 'early', 'voter', 'lead', 'we', 'officer', 'native']", + "+++: ['news', 'reports', 'county', 'according', 'day']
---: ['october', '3', 'protesters', 'protest', 'early', 'voter', 'lead', 'we', 'officer', 'native']", + "+++: ['news', 'reports', 'county', 'according', 'day']
---: ['october', '3', 'protesters', 'protest', 'early', 'voter', 'lead', 'we', 'officer', 'native']", + "+++: ['news', 'reports', 'county', 'according', 'day']
---: ['october', '3', 'protesters', 'protest', 'early', 'voter', 'lead', 'we', 'officer', 'native']", + null, + "+++: ['3', '2', '1', 'day']
---: ['food', 'early', 'voter', 'lead', 'helps', 'vitamin', 'virus', 'ballots', 'high', 'vote']", + "+++: ['3', '2', '1', 'day']
---: ['food', 'early', 'voter', 'lead', 'helps', 'vitamin', 'virus', 'ballots', 'high', 'vote']", + "+++: ['3', '2', '1', 'day']
---: ['food', 'early', 'voter', 'lead', 'helps', 'vitamin', 'virus', 'ballots', 'high', 'vote']", + "+++: ['3', '2', '1', 'day']
---: ['food', 'early', 'voter', 'lead', 'helps', 'vitamin', 'virus', 'ballots', 'high', 'vote']", + "+++: ['3', '2', '1', 'day']
---: ['food', 'early', 'voter', 'lead', 'helps', 'vitamin', 'virus', 'ballots', 'high', 'vote']", + "+++: ['3', '2', '1', 'day']
---: ['food', 'early', 'voter', 'lead', 'helps', 'vitamin', 'virus', 'ballots', 'high', 'vote']", + "+++: ['3', '2', '1', 'day']
---: ['food', 'early', 'voter', 'lead', 'helps', 'vitamin', 'virus', 'ballots', 'high', 'vote']", + "+++: ['3', '2', '1', 'day']
---: ['food', 'early', 'voter', 'lead', 'helps', 'vitamin', 'virus', 'ballots', 'high', 'vote']", + "+++: ['3', '2', '1', 'day']
---: ['food', 'early', 'voter', 'lead', 'helps', 'vitamin', 'virus', 'ballots', 'high', 'vote']", + "+++: ['3', '2', '1', 'day']
---: ['food', 'early', 'voter', 'lead', 'helps', 'vitamin', 'virus', 'ballots', 'high', 'vote']", + null, + "+++: ['according', 'hillary', 'officials', 'report', 'news', 'clinton', 'state', 'election']
---: ['october', '3', 'early', 'voter', 'lead', 'justice', 'washington', 'chief', 'doj', 'comey']", + "+++: ['according', 'hillary', 'officials', 'report', 'news', 'clinton', 'state', 'election']
---: ['october', '3', 'early', 'voter', 'lead', 'justice', 'washington', 'chief', 'doj', 'comey']", + "+++: ['according', 'hillary', 'officials', 'report', 'news', 'clinton', 'state', 'election']
---: ['october', '3', 'early', 'voter', 'lead', 'justice', 'washington', 'chief', 'doj', 'comey']", + "+++: ['according', 'hillary', 'officials', 'report', 'news', 'clinton', 'state', 'election']
---: ['october', '3', 'early', 'voter', 'lead', 'justice', 'washington', 'chief', 'doj', 'comey']", + "+++: ['according', 'hillary', 'officials', 'report', 'news', 'clinton', 'state', 'election']
---: ['october', '3', 'early', 'voter', 'lead', 'justice', 'washington', 'chief', 'doj', 'comey']", + "+++: ['according', 'hillary', 'officials', 'report', 'news', 'clinton', 'state', 'election']
---: ['october', '3', 'early', 'voter', 'lead', 'justice', 'washington', 'chief', 'doj', 'comey']", + "+++: ['according', 'hillary', 'officials', 'report', 'news', 'clinton', 'state', 'election']
---: ['october', '3', 'early', 'voter', 'lead', 'justice', 'washington', 'chief', 'doj', 'comey']", + "+++: ['according', 'hillary', 'officials', 'report', 'news', 'clinton', 'state', 'election']
---: ['october', '3', 'early', 'voter', 'lead', 'justice', 'washington', 'chief', 'doj', 'comey']", + "+++: ['according', 'hillary', 'officials', 'report', 'news', 'clinton', 'state', 'election']
---: ['october', '3', 'early', 'voter', 'lead', 'justice', 'washington', 'chief', 'doj', 'comey']", + "+++: ['according', 'hillary', 'officials', 'report', 'news', 'clinton', 'state', 'election']
---: ['october', '3', 'early', 'voter', 'lead', 'justice', 'washington', 'chief', 'doj', 'comey']", + null, + "+++: ['best']
---: ['d', '3', 'lab', 'food', 'life', 'iceland', 'helps', 'vitamin', 'baby', 'virus']", + "+++: ['best']
---: ['d', '3', 'lab', 'food', 'life', 'iceland', 'helps', 'vitamin', 'baby', 'virus']", + "+++: ['best']
---: ['d', '3', 'lab', 'food', 'life', 'iceland', 'helps', 'vitamin', 'baby', 'virus']", + "+++: ['best']
---: ['d', '3', 'lab', 'food', 'life', 'iceland', 'helps', 'vitamin', 'baby', 'virus']", + "+++: ['best']
---: ['d', '3', 'lab', 'food', 'life', 'iceland', 'helps', 'vitamin', 'baby', 'virus']", + "+++: ['best']
---: ['d', '3', 'lab', 'food', 'life', 'iceland', 'helps', 'vitamin', 'baby', 'virus']", + "+++: ['best']
---: ['d', '3', 'lab', 'food', 'life', 'iceland', 'helps', 'vitamin', 'baby', 'virus']", + "+++: ['best']
---: ['d', '3', 'lab', 'food', 'life', 'iceland', 'helps', 'vitamin', 'baby', 'virus']", + "+++: ['best']
---: ['d', '3', 'lab', 'food', 'life', 'iceland', 'helps', 'vitamin', 'baby', 'virus']", + "+++: ['best']
---: ['d', '3', 'lab', 'food', 'life', 'iceland', 'helps', 'vitamin', 'baby', 'virus']", + null, + "+++: ['help', 'day']
---: ['3', 'food', 'life', 'real', 'helps', 'vitamin', 'able', 'virus', 'i', 'god']", + "+++: ['help', 'day']
---: ['3', 'food', 'life', 'real', 'helps', 'vitamin', 'able', 'virus', 'i', 'god']", + "+++: ['help', 'day']
---: ['3', 'food', 'life', 'real', 'helps', 'vitamin', 'able', 'virus', 'i', 'god']", + "+++: ['help', 'day']
---: ['3', 'food', 'life', 'real', 'helps', 'vitamin', 'able', 'virus', 'i', 'god']", + "+++: ['help', 'day']
---: ['3', 'food', 'life', 'real', 'helps', 'vitamin', 'able', 'virus', 'i', 'god']", + "+++: ['help', 'day']
---: ['3', 'food', 'life', 'real', 'helps', 'vitamin', 'able', 'virus', 'i', 'god']", + "+++: ['help', 'day']
---: ['3', 'food', 'life', 'real', 'helps', 'vitamin', 'able', 'virus', 'i', 'god']", + "+++: ['help', 'day']
---: ['3', 'food', 'life', 'real', 'helps', 'vitamin', 'able', 'virus', 'i', 'god']", + "+++: ['help', 'day']
---: ['3', 'food', 'life', 'real', 'helps', 'vitamin', 'able', 'virus', 'i', 'god']", + "+++: ['help', 'day']
---: ['3', 'food', 'life', 'real', 'helps', 'vitamin', 'able', 'virus', 'i', 'god']", + null, + "+++: ['way', 'that', 'know', 'i', 'want', 'god', 're', 'life', 'world', 'years']
---: ['d', 'lab', 'real', 'iceland', 'able', 'baby', 'says', 'weight', 'point', 'don']", + "+++: ['way', 'that', 'know', 'i', 'want', 'god', 're', 'life', 'world', 'years']
---: ['d', 'lab', 'real', 'iceland', 'able', 'baby', 'says', 'weight', 'point', 'don']", + "+++: ['way', 'that', 'know', 'i', 'want', 'god', 're', 'life', 'world', 'years']
---: ['d', 'lab', 'real', 'iceland', 'able', 'baby', 'says', 'weight', 'point', 'don']", + "+++: ['way', 'that', 'know', 'i', 'want', 'god', 're', 'life', 'world', 'years']
---: ['d', 'lab', 'real', 'iceland', 'able', 'baby', 'says', 'weight', 'point', 'don']", + "+++: ['way', 'that', 'know', 'i', 'want', 'god', 're', 'life', 'world', 'years']
---: ['d', 'lab', 'real', 'iceland', 'able', 'baby', 'says', 'weight', 'point', 'don']", + "+++: ['way', 'that', 'know', 'i', 'want', 'god', 're', 'life', 'world', 'years']
---: ['d', 'lab', 'real', 'iceland', 'able', 'baby', 'says', 'weight', 'point', 'don']", + "+++: ['way', 'that', 'know', 'i', 'want', 'god', 're', 'life', 'world', 'years']
---: ['d', 'lab', 'real', 'iceland', 'able', 'baby', 'says', 'weight', 'point', 'don']", + "+++: ['way', 'that', 'know', 'i', 'want', 'god', 're', 'life', 'world', 'years']
---: ['d', 'lab', 'real', 'iceland', 'able', 'baby', 'says', 'weight', 'point', 'don']", + "+++: ['way', 'that', 'know', 'i', 'want', 'god', 're', 'life', 'world', 'years']
---: ['d', 'lab', 'real', 'iceland', 'able', 'baby', 'says', 'weight', 'point', 'don']", + "+++: ['way', 'that', 'know', 'i', 'want', 'god', 're', 'life', 'world', 'years']
---: ['d', 'lab', 'real', 'iceland', 'able', 'baby', 'says', 'weight', 'point', 'don']", + null, + "+++: ['right', 'world', 'years', 'truth']
---: ['october', 'd', 'lab', 'p', 'clear', 'life', 'iceland', 'totalitarian', 'planetary', 'case']", + "+++: ['right', 'world', 'years', 'truth']
---: ['october', 'd', 'lab', 'p', 'clear', 'life', 'iceland', 'totalitarian', 'planetary', 'case']", + "+++: ['right', 'world', 'years', 'truth']
---: ['october', 'd', 'lab', 'p', 'clear', 'life', 'iceland', 'totalitarian', 'planetary', 'case']", + "+++: ['right', 'world', 'years', 'truth']
---: ['october', 'd', 'lab', 'p', 'clear', 'life', 'iceland', 'totalitarian', 'planetary', 'case']", + "+++: ['right', 'world', 'years', 'truth']
---: ['october', 'd', 'lab', 'p', 'clear', 'life', 'iceland', 'totalitarian', 'planetary', 'case']", + "+++: ['right', 'world', 'years', 'truth']
---: ['october', 'd', 'lab', 'p', 'clear', 'life', 'iceland', 'totalitarian', 'planetary', 'case']", + "+++: ['right', 'world', 'years', 'truth']
---: ['october', 'd', 'lab', 'p', 'clear', 'life', 'iceland', 'totalitarian', 'planetary', 'case']", + "+++: ['right', 'world', 'years', 'truth']
---: ['october', 'd', 'lab', 'p', 'clear', 'life', 'iceland', 'totalitarian', 'planetary', 'case']", + "+++: ['right', 'world', 'years', 'truth']
---: ['october', 'd', 'lab', 'p', 'clear', 'life', 'iceland', 'totalitarian', 'planetary', 'case']", + "+++: ['right', 'world', 'years', 'truth']
---: ['october', 'd', 'lab', 'p', 'clear', 'life', 'iceland', 'totalitarian', 'planetary', 'case']", + null, + "+++: ['look', 'things', 'going', 'way', 'think', 'that', 'them', 'know', 'i', 'want']
---: ['the', 'right', 'lot', 'here', 'feel', 'is', 'love', 'country', 'we', 'white']", + "+++: ['look', 'things', 'going', 'way', 'think', 'that', 'them', 'know', 'i', 'want']
---: ['the', 'right', 'lot', 'here', 'feel', 'is', 'love', 'country', 'we', 'white']", + "+++: ['look', 'things', 'going', 'way', 'think', 'that', 'them', 'know', 'i', 'want']
---: ['the', 'right', 'lot', 'here', 'feel', 'is', 'love', 'country', 'we', 'white']", + "+++: ['look', 'things', 'going', 'way', 'think', 'that', 'them', 'know', 'i', 'want']
---: ['the', 'right', 'lot', 'here', 'feel', 'is', 'love', 'country', 'we', 'white']", + "+++: ['look', 'things', 'going', 'way', 'think', 'that', 'them', 'know', 'i', 'want']
---: ['the', 'right', 'lot', 'here', 'feel', 'is', 'love', 'country', 'we', 'white']", + "+++: ['look', 'things', 'going', 'way', 'think', 'that', 'them', 'know', 'i', 'want']
---: ['the', 'right', 'lot', 'here', 'feel', 'is', 'love', 'country', 'we', 'white']", + "+++: ['look', 'things', 'going', 'way', 'think', 'that', 'them', 'know', 'i', 'want']
---: ['the', 'right', 'lot', 'here', 'feel', 'is', 'love', 'country', 'we', 'white']", + "+++: ['look', 'things', 'going', 'way', 'think', 'that', 'them', 'know', 'i', 'want']
---: ['the', 'right', 'lot', 'here', 'feel', 'is', 'love', 'country', 'we', 'white']", + "+++: ['look', 'things', 'going', 'way', 'think', 'that', 'them', 'know', 'i', 'want']
---: ['the', 'right', 'lot', 'here', 'feel', 'is', 'love', 'country', 'we', 'white']", + "+++: ['look', 'things', 'going', 'way', 'think', 'that', 'them', 'know', 'i', 'want']
---: ['the', 'right', 'lot', 'here', 'feel', 'is', 'love', 'country', 'we', 'white']", + null, + "+++: ['man', 're', 'we', 'day']
---: ['october', 'protesters', 'protest', 'officer', 'life', 'native', 'll', 'america', 'construction', 'i']", + "+++: ['man', 're', 'we', 'day']
---: ['october', 'protesters', 'protest', 'officer', 'life', 'native', 'll', 'america', 'construction', 'i']", + "+++: ['man', 're', 'we', 'day']
---: ['october', 'protesters', 'protest', 'officer', 'life', 'native', 'll', 'america', 'construction', 'i']", + "+++: ['man', 're', 'we', 'day']
---: ['october', 'protesters', 'protest', 'officer', 'life', 'native', 'll', 'america', 'construction', 'i']", + "+++: ['man', 're', 'we', 'day']
---: ['october', 'protesters', 'protest', 'officer', 'life', 'native', 'll', 'america', 'construction', 'i']", + "+++: ['man', 're', 'we', 'day']
---: ['october', 'protesters', 'protest', 'officer', 'life', 'native', 'll', 'america', 'construction', 'i']", + "+++: ['man', 're', 'we', 'day']
---: ['october', 'protesters', 'protest', 'officer', 'life', 'native', 'll', 'america', 'construction', 'i']", + "+++: ['man', 're', 'we', 'day']
---: ['october', 'protesters', 'protest', 'officer', 'life', 'native', 'll', 'america', 'construction', 'i']", + "+++: ['man', 're', 'we', 'day']
---: ['october', 'protesters', 'protest', 'officer', 'life', 'native', 'll', 'america', 'construction', 'i']", + "+++: ['man', 're', 'we', 'day']
---: ['october', 'protesters', 'protest', 'officer', 'life', 'native', 'll', 'america', 'construction', 'i']", + null, + "+++: ['state']
---: ['october', 'justice', 'washington', 'we', 'chief', 'life', 'doj', 'll', 'comey', 'case']", + "+++: ['state']
---: ['october', 'justice', 'washington', 'we', 'chief', 'life', 'doj', 'll', 'comey', 'case']", + "+++: ['state']
---: ['october', 'justice', 'washington', 'we', 'chief', 'life', 'doj', 'll', 'comey', 'case']", + "+++: ['state']
---: ['october', 'justice', 'washington', 'we', 'chief', 'life', 'doj', 'll', 'comey', 'case']", + "+++: ['state']
---: ['october', 'justice', 'washington', 'we', 'chief', 'life', 'doj', 'll', 'comey', 'case']", + "+++: ['state']
---: ['october', 'justice', 'washington', 'we', 'chief', 'life', 'doj', 'll', 'comey', 'case']", + "+++: ['state']
---: ['october', 'justice', 'washington', 'we', 'chief', 'life', 'doj', 'll', 'comey', 'case']", + "+++: ['state']
---: ['october', 'justice', 'washington', 'we', 'chief', 'life', 'doj', 'll', 'comey', 'case']", + "+++: ['state']
---: ['october', 'justice', 'washington', 'we', 'chief', 'life', 'doj', 'll', 'comey', 'case']", + "+++: ['state']
---: ['october', 'justice', 'washington', 'we', 'chief', 'life', 'doj', 'll', 'comey', 'case']", + null, + "+++: ['october', 'news', 'law', 'according']
---: ['protesters', 'protest', 'justice', 'we', 'washington', 'officer', 'chief', 'native', 'doj', 'comey']", + "+++: ['october', 'news', 'law', 'according']
---: ['protesters', 'protest', 'justice', 'we', 'washington', 'officer', 'chief', 'native', 'doj', 'comey']", + "+++: ['october', 'news', 'law', 'according']
---: ['protesters', 'protest', 'justice', 'we', 'washington', 'officer', 'chief', 'native', 'doj', 'comey']", + "+++: ['october', 'news', 'law', 'according']
---: ['protesters', 'protest', 'justice', 'we', 'washington', 'officer', 'chief', 'native', 'doj', 'comey']", + "+++: ['october', 'news', 'law', 'according']
---: ['protesters', 'protest', 'justice', 'we', 'washington', 'officer', 'chief', 'native', 'doj', 'comey']", + "+++: ['october', 'news', 'law', 'according']
---: ['protesters', 'protest', 'justice', 'we', 'washington', 'officer', 'chief', 'native', 'doj', 'comey']", + "+++: ['october', 'news', 'law', 'according']
---: ['protesters', 'protest', 'justice', 'we', 'washington', 'officer', 'chief', 'native', 'doj', 'comey']", + "+++: ['october', 'news', 'law', 'according']
---: ['protesters', 'protest', 'justice', 'we', 'washington', 'officer', 'chief', 'native', 'doj', 'comey']", + "+++: ['october', 'news', 'law', 'according']
---: ['protesters', 'protest', 'justice', 'we', 'washington', 'officer', 'chief', 'native', 'doj', 'comey']", + "+++: ['october', 'news', 'law', 'according']
---: ['protesters', 'protest', 'justice', 'we', 'washington', 'officer', 'chief', 'native', 'doj', 'comey']", + null, + "+++: []
---: ['october', 'justice', 'washington', 'chief', 'life', 'real', 'doj', 'able', 'comey', 'case']", + "+++: []
---: ['october', 'justice', 'washington', 'chief', 'life', 'real', 'doj', 'able', 'comey', 'case']", + "+++: []
---: ['october', 'justice', 'washington', 'chief', 'life', 'real', 'doj', 'able', 'comey', 'case']", + "+++: []
---: ['october', 'justice', 'washington', 'chief', 'life', 'real', 'doj', 'able', 'comey', 'case']", + "+++: []
---: ['october', 'justice', 'washington', 'chief', 'life', 'real', 'doj', 'able', 'comey', 'case']", + "+++: []
---: ['october', 'justice', 'washington', 'chief', 'life', 'real', 'doj', 'able', 'comey', 'case']", + "+++: []
---: ['october', 'justice', 'washington', 'chief', 'life', 'real', 'doj', 'able', 'comey', 'case']", + "+++: []
---: ['october', 'justice', 'washington', 'chief', 'life', 'real', 'doj', 'able', 'comey', 'case']", + "+++: []
---: ['october', 'justice', 'washington', 'chief', 'life', 'real', 'doj', 'able', 'comey', 'case']", + "+++: []
---: ['october', 'justice', 'washington', 'chief', 'life', 'real', 'doj', 'able', 'comey', 'case']", + null, + "+++: ['the', 'foreign', 'states', 'country', 'western', 'united', 'east', 'countries', 'international', 'state']
---: ['iran', 'military', 'washington', 'union', 'saudi', 'attacks', 'prime', 'russian', 'forces', 'president']", + "+++: ['the', 'foreign', 'states', 'country', 'western', 'united', 'east', 'countries', 'international', 'state']
---: ['iran', 'military', 'washington', 'union', 'saudi', 'attacks', 'prime', 'russian', 'forces', 'president']", + "+++: ['the', 'foreign', 'states', 'country', 'western', 'united', 'east', 'countries', 'international', 'state']
---: ['iran', 'military', 'washington', 'union', 'saudi', 'attacks', 'prime', 'russian', 'forces', 'president']", + "+++: ['the', 'foreign', 'states', 'country', 'western', 'united', 'east', 'countries', 'international', 'state']
---: ['iran', 'military', 'washington', 'union', 'saudi', 'attacks', 'prime', 'russian', 'forces', 'president']", + "+++: ['the', 'foreign', 'states', 'country', 'western', 'united', 'east', 'countries', 'international', 'state']
---: ['iran', 'military', 'washington', 'union', 'saudi', 'attacks', 'prime', 'russian', 'forces', 'president']", + "+++: ['the', 'foreign', 'states', 'country', 'western', 'united', 'east', 'countries', 'international', 'state']
---: ['iran', 'military', 'washington', 'union', 'saudi', 'attacks', 'prime', 'russian', 'forces', 'president']", + "+++: ['the', 'foreign', 'states', 'country', 'western', 'united', 'east', 'countries', 'international', 'state']
---: ['iran', 'military', 'washington', 'union', 'saudi', 'attacks', 'prime', 'russian', 'forces', 'president']", + "+++: ['the', 'foreign', 'states', 'country', 'western', 'united', 'east', 'countries', 'international', 'state']
---: ['iran', 'military', 'washington', 'union', 'saudi', 'attacks', 'prime', 'russian', 'forces', 'president']", + "+++: ['the', 'foreign', 'states', 'country', 'western', 'united', 'east', 'countries', 'international', 'state']
---: ['iran', 'military', 'washington', 'union', 'saudi', 'attacks', 'prime', 'russian', 'forces', 'president']", + "+++: ['the', 'foreign', 'states', 'country', 'western', 'united', 'east', 'countries', 'international', 'state']
---: ['iran', 'military', 'washington', 'union', 'saudi', 'attacks', 'prime', 'russian', 'forces', 'president']", + null, + "+++: ['re', 'day']
---: ['october', 'protesters', 'protest', 'we', 'officer', 'life', 'native', 'real', 'able', 'construction']", + "+++: ['re', 'day']
---: ['october', 'protesters', 'protest', 'we', 'officer', 'life', 'native', 'real', 'able', 'construction']", + "+++: ['re', 'day']
---: ['october', 'protesters', 'protest', 'we', 'officer', 'life', 'native', 'real', 'able', 'construction']", + "+++: ['re', 'day']
---: ['october', 'protesters', 'protest', 'we', 'officer', 'life', 'native', 'real', 'able', 'construction']", + "+++: ['re', 'day']
---: ['october', 'protesters', 'protest', 'we', 'officer', 'life', 'native', 'real', 'able', 'construction']", + "+++: ['re', 'day']
---: ['october', 'protesters', 'protest', 'we', 'officer', 'life', 'native', 'real', 'able', 'construction']", + "+++: ['re', 'day']
---: ['october', 'protesters', 'protest', 'we', 'officer', 'life', 'native', 'real', 'able', 'construction']", + "+++: ['re', 'day']
---: ['october', 'protesters', 'protest', 'we', 'officer', 'life', 'native', 'real', 'able', 'construction']", + "+++: ['re', 'day']
---: ['october', 'protesters', 'protest', 'we', 'officer', 'life', 'native', 'real', 'able', 'construction']", + "+++: ['re', 'day']
---: ['october', 'protesters', 'protest', 'we', 'officer', 'life', 'native', 'real', 'able', 'construction']", + null + ], + "type": "scatter", + "x": [ + 0.5670820867753458, + 0.5293500404736546, + 0.4916179941719634, + 0.45388594787027225, + 0.416153901568581, + 0.3784218552668899, + 0.3406898089651987, + 0.3029577626635075, + 0.2652257163618163, + 0.22749367006012514, + null, + 0.5670820867753458, + 0.5440782347161037, + 0.5210743826568618, + 0.49807053059761974, + 0.47506667853837775, + 0.45206282647913576, + 0.4290589744198937, + 0.4060551223606517, + 0.38305127030140973, + 0.36004741824216774, + null, + 0.5670820867753458, + 0.6022642566522985, + 0.6374464265292514, + 0.6726285964062042, + 0.707810766283157, + 0.7429929361601098, + 0.7781751060370626, + 0.8133572759140154, + 0.8485394457909683, + 0.8837216156679211, + null, + 0.5670820867753458, + 0.538237897664612, + 0.5093937085538784, + 0.4805495194431448, + 0.4517053303324111, + 0.42286114122167745, + 0.3940169521109438, + 0.3651727630002101, + 0.33632857388947646, + 0.3074843847787428, + null, + 0.5670820867753458, + 0.5207790410229687, + 0.47447599527059164, + 0.4281729495182146, + 0.3818699037658375, + 0.3355668580134605, + 0.28926381226108344, + 0.24296076650870635, + 0.1966577207563293, + 0.15035467500395225, + null, + 0.5670820867753458, + 0.588958168397741, + 0.6108342500201361, + 0.6327103316425312, + 0.6545864132649264, + 0.6764624948873216, + 0.6983385765097168, + 0.7202146581321118, + 0.742090739754507, + 0.7639668213769022, + null, + 0.5670820867753458, + 0.5698863023681788, + 0.5726905179610119, + 0.5754947335538448, + 0.5782989491466779, + 0.581103164739511, + 0.583907380332344, + 0.586711595925177, + 0.58951581151801, + 0.5923200271108431, + null, + 0.26119413448066653, + 0.2574496384339397, + 0.25370514238721287, + 0.24996064634048606, + 0.24621615029375923, + 0.24247165424703243, + 0.2387271582003056, + 0.23498266215357877, + 0.23123816610685197, + 0.22749367006012514, + null, + 0.26119413448066653, + 0.2321725639828147, + 0.20315099348496285, + 0.17412942298711104, + 0.14510785248925917, + 0.11608628199140736, + 0.08706471149355552, + 0.05804314099570368, + 0.02902157049785184, + 0, + null, + 0.26119413448066653, + 0.27737755499177125, + 0.293560975502876, + 0.30974439601398074, + 0.32592781652508546, + 0.3421112370361902, + 0.35829465754729495, + 0.37447807805839967, + 0.3906614985695044, + 0.40684491908060916, + null, + 0.26119413448066653, + 0.2721778326763889, + 0.28316153087211127, + 0.2941452290678336, + 0.30512892726355595, + 0.3161126254592783, + 0.3270963236550007, + 0.33808002185072306, + 0.34906372004644537, + 0.36004741824216774, + null, + 0.26119413448066653, + 0.31505401695646124, + 0.36891389943225594, + 0.4227737819080507, + 0.47663366438384536, + 0.5304935468596401, + 0.5843534293354349, + 0.6382133118112295, + 0.6920731942870242, + 0.745933076762819, + null, + 0.26119413448066653, + 0.2814905500060949, + 0.3017869655315233, + 0.32208338105695167, + 0.34237979658238005, + 0.3626762121078084, + 0.3829726276332368, + 0.4032690431586652, + 0.42356545868409357, + 0.44386187420952194, + null, + 0.26119413448066653, + 0.2520459057482891, + 0.24289767701591172, + 0.2337494482835343, + 0.2246012195511569, + 0.2154529908187795, + 0.20630476208640208, + 0.19715653335402467, + 0.18800830462164725, + 0.17886007588926986, + null, + 0.26119413448066653, + 0.29798590032846395, + 0.3347776661762613, + 0.3715694320240587, + 0.4083611978718561, + 0.4451529637196535, + 0.4819447295674509, + 0.5187364954152482, + 0.5555282612630457, + 0.5923200271108431, + null, + 0.26119413448066653, + 0.2415081844584463, + 0.22182223443622606, + 0.20213628441400586, + 0.18245033439178562, + 0.1627643843695654, + 0.14307843434734518, + 0.12339248432512495, + 0.10370653430290472, + 0.0840205842806845, + null, + 0.26119413448066653, + 0.24986534697770138, + 0.2385365594747362, + 0.22720777197177106, + 0.21587898446880588, + 0.20455019696584073, + 0.19322140946287558, + 0.1818926219599104, + 0.17056383445694523, + 0.15923504695398008, + null, + 0.26119413448066653, + 0.2679670058842131, + 0.2747398772877597, + 0.2815127486913063, + 0.2882856200948529, + 0.29505849149839947, + 0.30183136290194607, + 0.30860423430549266, + 0.31537710570903926, + 0.32214997711258586, + null, + 0.26119413448066653, + 0.23549977507238182, + 0.2098054156640971, + 0.18411105625581242, + 0.1584166968475277, + 0.132722337439243, + 0.10702797803095832, + 0.0813336186226736, + 0.05563925921438889, + 0.02994489980610417, + null, + 0.26119413448066653, + 0.2663374956248972, + 0.2714808567691279, + 0.2766242179133586, + 0.2817675790575893, + 0.28691094020182, + 0.2920543013460507, + 0.2971976624902814, + 0.3023410236345121, + 0.3074843847787428, + null, + 0.26119413448066653, + 0.2887730297027388, + 0.3163519249248112, + 0.3439308201468835, + 0.3715097153689558, + 0.39908861059102807, + 0.4266675058131004, + 0.4542464010351727, + 0.481825296257245, + 0.5094041914793174, + null, + 0.26119413448066653, + 0.24052584683761724, + 0.21985755919456795, + 0.1991892715515187, + 0.1785209839084694, + 0.15785269626542012, + 0.13718440862237086, + 0.11651612097932157, + 0.09584783333627228, + 0.07517954569322298, + null, + 0.26119413448066653, + 0.23581336819478874, + 0.21043260190891097, + 0.18505183562303318, + 0.1596710693371554, + 0.13429030305127762, + 0.10890953676539983, + 0.08352877047952206, + 0.05814800419364427, + 0.03276723790776648, + null, + 0.23185088563163217, + 0.21542529659263798, + 0.1989997075536438, + 0.1825741185146496, + 0.16614852947565545, + 0.14972294043666123, + 0.13329735139766707, + 0.11687176235867289, + 0.1004461733196787, + 0.0840205842806845, + null, + 0.23185088563163217, + 0.22378245911189304, + 0.21571403259215394, + 0.2076456060724148, + 0.19957717955267568, + 0.19150875303293657, + 0.18344032651319744, + 0.1753718999934583, + 0.1673034734737192, + 0.15923504695398008, + null, + 0.23185088563163217, + 0.25129466712596293, + 0.2707384486202937, + 0.2901822301146245, + 0.3096260116089553, + 0.32906979310328605, + 0.34851357459761684, + 0.3679573560919476, + 0.38740113758627837, + 0.40684491908060916, + null, + 0.23185088563163217, + 0.2094168872065735, + 0.18698288878151484, + 0.16454889035645617, + 0.1421148919313975, + 0.11968089350633884, + 0.09724689508128018, + 0.07481289665622151, + 0.052378898231162846, + 0.02994489980610417, + null, + 0.23185088563163217, + 0.2402546077590889, + 0.24865832988654563, + 0.2570620520140024, + 0.2654657741414591, + 0.2738694962689158, + 0.2822732183963726, + 0.2906769405238293, + 0.2990806626512861, + 0.3074843847787428, + null, + 0.23185088563163217, + 0.2081359063847084, + 0.18442092713778466, + 0.1607059478908609, + 0.13699096864393712, + 0.11327598939701337, + 0.0895610101500896, + 0.06584603090316585, + 0.04213105165624209, + 0.018416072409318324, + null, + 0.23185088563163217, + 0.2227957511174455, + 0.21374061660325885, + 0.2046854820890722, + 0.19563034757488554, + 0.18657521306069888, + 0.17752007854651222, + 0.16846494403232556, + 0.1594098095181389, + 0.15035467500395225, + null, + 0.23185088563163217, + 0.21444295897180893, + 0.1970350323119857, + 0.17962710565216244, + 0.16221917899233917, + 0.14481125233251596, + 0.1274033256726927, + 0.10999539901286945, + 0.09258747235304621, + 0.07517954569322298, + null, + 0.36004741824216774, + 0.34531922399971854, + 0.3305910297572694, + 0.3158628355148202, + 0.301134641272371, + 0.28640644702992185, + 0.27167825278747265, + 0.2569500585450235, + 0.2422218643025743, + 0.22749367006012514, + null, + 0.36004741824216774, + 0.32004214954859356, + 0.2800368808550193, + 0.24003161216144514, + 0.20002634346787096, + 0.16002107477429678, + 0.12001580608072257, + 0.08001053738714836, + 0.04000526869357418, + 0, + null, + 0.36004741824216774, + 0.36936013557187375, + 0.37867285290157976, + 0.3879855702312858, + 0.39729828756099184, + 0.40661100489069785, + 0.41592372222040386, + 0.4252364395501099, + 0.43454915687981593, + 0.44386187420952194, + null, + 0.36004741824216774, + 0.3858554858942428, + 0.4116635535463178, + 0.43747162119839283, + 0.4632796888504679, + 0.48908775650254294, + 0.514895824154618, + 0.540703891806693, + 0.566511959458768, + 0.5923200271108431, + null, + 0.36004741824216774, + 0.36524714055755014, + 0.3704468628729325, + 0.3756465851883149, + 0.38084630750369725, + 0.38604602981907965, + 0.391245752134462, + 0.3964454744498444, + 0.4016451967652268, + 0.40684491908060916, + null, + 0.36004741824216774, + 0.32937777002422514, + 0.2987081218062826, + 0.26803847358834, + 0.23736882537039738, + 0.2066991771524548, + 0.17602952893451224, + 0.14535988071656963, + 0.11469023249862706, + 0.0840205842806845, + null, + 0.36004741824216774, + 0.3377349325434802, + 0.3154224468447927, + 0.2931099611461052, + 0.27079747544741767, + 0.24848498974873015, + 0.22617250405004263, + 0.20386001835135512, + 0.1815475326526676, + 0.15923504695398008, + null, + 0.36004741824216774, + 0.40115002862484506, + 0.4422526390075223, + 0.4833552493901996, + 0.5244578597728768, + 0.5655604701555542, + 0.6066630805382315, + 0.6477656909209089, + 0.6888683013035861, + 0.7299709116862634, + null, + 0.36004741824216774, + 0.35583659144999197, + 0.3516257646578162, + 0.3474149378656404, + 0.34320411107346466, + 0.33899328428128894, + 0.33478245748911317, + 0.3305716306969374, + 0.32636080390476163, + 0.32214997711258586, + null, + 0.36004741824216774, + 0.3233693606381607, + 0.2866913030341536, + 0.2500132454301465, + 0.21333518782613947, + 0.17665713022213242, + 0.13997907261812534, + 0.10330101501411826, + 0.0666229574101112, + 0.02994489980610417, + null, + 0.36004741824216774, + 0.35420708119067607, + 0.3483667441391844, + 0.3425264070876928, + 0.3366860700362011, + 0.33084573298470943, + 0.32500539593321776, + 0.3191650588817261, + 0.31332472183023446, + 0.3074843847787428, + null, + 0.36004741824216774, + 0.3766426152685177, + 0.39323781229486765, + 0.40983300932121763, + 0.42642820634756756, + 0.44302340337391755, + 0.4596186004002675, + 0.47621379742661746, + 0.49280899445296744, + 0.5094041914793174, + null, + 0.36004741824216774, + 0.4049273519238049, + 0.44980728560544203, + 0.4946872192870792, + 0.5395671529687164, + 0.5844470866503535, + 0.6293270203319907, + 0.6742069540136278, + 0.719086887695265, + 0.7639668213769022, + null, + 0.36004741824216774, + 0.3236829537605676, + 0.28731848927896747, + 0.2509540247973673, + 0.21458956031576717, + 0.17822509583416704, + 0.14186063135256688, + 0.10549616687096675, + 0.06913170238936661, + 0.03276723790776648, + null, + 0.745933076762819, + 0.6988460656905708, + 0.6517590546183227, + 0.6046720435460746, + 0.5575850324738265, + 0.5104980214015784, + 0.4634110103293302, + 0.4163239992570821, + 0.36923698818483397, + 0.32214997711258586, + null, + 0.8837216156679211, + 0.8307353160471086, + 0.7777490164262962, + 0.7247627168054838, + 0.6717764171846713, + 0.6187901175638588, + 0.5658038179430465, + 0.512817518322234, + 0.4598312187014216, + 0.40684491908060916, + null, + 0.8837216156679211, + 0.8704155274133634, + 0.8571094391588058, + 0.8438033509042481, + 0.8304972626496905, + 0.8171911743951328, + 0.8038850861405752, + 0.7905789978860175, + 0.7772729096314599, + 0.7639668213769022, + null, + 0.8837216156679211, + 0.8944150001283011, + 0.9051083845886811, + 0.9158017690490612, + 0.9264951535094412, + 0.9371885379698213, + 0.9478819224302013, + 0.9585753068905813, + 0.9692686913509614, + 0.9799620758113414, + null, + 0.8837216156679211, + 0.8513436613838012, + 0.8189657070996815, + 0.7865877528155617, + 0.754209798531442, + 0.7218318442473222, + 0.6894538899632023, + 0.6570759356790826, + 0.6246979813949629, + 0.5923200271108431, + null, + 0.8837216156679211, + 0.8586764687226113, + 0.8336313217773016, + 0.8085861748319918, + 0.7835410278866821, + 0.7584958809413723, + 0.7334507339960625, + 0.7084055870507528, + 0.6833604401054432, + 0.6583152931601334, + null, + 0.44386187420952194, + 0.45114435390616586, + 0.45842683360280984, + 0.46570931329945375, + 0.47299179299609767, + 0.48027427269274164, + 0.48755675238938556, + 0.4948392320860295, + 0.5021217117826734, + 0.5094041914793174, + null, + 0.44386187420952194, + 0.4756517672624932, + 0.5074416603154644, + 0.5392315533684358, + 0.5710214464214071, + 0.6028113394743784, + 0.6346012325273496, + 0.6663911255803209, + 0.6981810186332922, + 0.7299709116862634, + null, + 0.44386187420952194, + 0.460357224531891, + 0.47685257485425997, + 0.493347925176629, + 0.509843275498998, + 0.526338625821367, + 0.5428339761437361, + 0.559329326466105, + 0.575824676788474, + 0.5923200271108431, + null, + 0.44386187420952194, + 0.4397488791951983, + 0.4356358841808747, + 0.431522889166551, + 0.42740989415222735, + 0.42329689913790375, + 0.4191839041235801, + 0.4150709091092564, + 0.4109579140949328, + 0.40684491908060916, + null, + 0.018416072409318324, + 0.0257054626172479, + 0.03299485282517747, + 0.04028424303310705, + 0.047573633241036625, + 0.054863023448966194, + 0.06215241365689578, + 0.06944180386482535, + 0.07673119407275493, + 0.0840205842806845, + null, + 0.018416072409318324, + 0.03406262513650296, + 0.0497091778636876, + 0.06535573059087224, + 0.08100228331805688, + 0.09664883604524152, + 0.11229538877242616, + 0.1279419414996108, + 0.14358849422679545, + 0.15923504695398008, + null, + 0.018416072409318324, + 0.06157483315057287, + 0.1047335938918274, + 0.14789235463308195, + 0.1910511153743365, + 0.23420987611559105, + 0.27736863685684554, + 0.3205273975981001, + 0.36368615833935464, + 0.40684491908060916, + null, + 0.018416072409318324, + 0.041646916592741307, + 0.06487776077616428, + 0.08810860495958726, + 0.11133944914301024, + 0.13457029332643322, + 0.15780113750985622, + 0.1810319816932792, + 0.20426282587670216, + 0.22749367006012514, + null, + 0.018416072409318324, + 0.05216428404301472, + 0.08591249567671111, + 0.1196607073104075, + 0.1534089189441039, + 0.1871571305778003, + 0.22090534221149669, + 0.25465355384519306, + 0.28840176547888946, + 0.32214997711258586, + null, + 0.018416072409318324, + 0.01969705323118342, + 0.020978034053048513, + 0.022259014874913607, + 0.0235399956967787, + 0.024820976518643796, + 0.026101957340508887, + 0.02738293816237398, + 0.028663918984239076, + 0.02994489980610417, + null, + 0.018416072409318324, + 0.05053477378369882, + 0.08265347515807932, + 0.11477217653245982, + 0.14689087790684033, + 0.17900957928122083, + 0.21112828065560132, + 0.24324698202998182, + 0.2753656834043623, + 0.3074843847787428, + null, + 0.018416072409318324, + 0.03624318390709072, + 0.054070295404863106, + 0.0718974069026355, + 0.08972451840040789, + 0.10755162989818028, + 0.12537874139595268, + 0.1432058528937251, + 0.16103296439149747, + 0.17886007588926986, + null, + 0.018416072409318324, + 0.033075917142055426, + 0.04773576187479253, + 0.06239560660752963, + 0.07705545134026673, + 0.09171529607300383, + 0.10637514080574094, + 0.12103498553847804, + 0.13569483027121515, + 0.15035467500395225, + null, + 0.018416072409318324, + 0.024723124996418842, + 0.03103017758351936, + 0.03733723017061988, + 0.04364428275772039, + 0.04995133534482091, + 0.056258387931921436, + 0.06256544051902195, + 0.06887249310612246, + 0.07517954569322298, + null, + 0.17886007588926986, + 0.18426380857492045, + 0.18966754126057103, + 0.19507127394622162, + 0.2004750066318722, + 0.2058787393175228, + 0.21128247200317338, + 0.21668620468882396, + 0.22208993737447455, + 0.22749367006012514, + null, + 0.17886007588926986, + 0.19478117602519385, + 0.21070227616111786, + 0.22662337629704188, + 0.24254447643296587, + 0.25846557656888985, + 0.27438667670481387, + 0.2903077768407379, + 0.3062288769766619, + 0.32214997711258586, + null, + 0.17886007588926986, + 0.19315166576587797, + 0.20744325564248606, + 0.22173484551909417, + 0.23602643539570228, + 0.2503180252723104, + 0.26460961514891845, + 0.2789012050255266, + 0.2931927949021347, + 0.3074843847787428, + null, + 0.17886007588926986, + 0.2381072216385014, + 0.2973543673877329, + 0.3566015131369644, + 0.41584865888619593, + 0.47509580463542744, + 0.5343429503846591, + 0.5935900961338906, + 0.6528372418831221, + 0.7120843876323536, + null, + 0.17886007588926986, + 0.167340016978598, + 0.15581995806792612, + 0.14429989915725422, + 0.13277984024658235, + 0.12125978133591048, + 0.1097397224252386, + 0.09821966351456672, + 0.08669960460389485, + 0.07517954569322298, + null, + 0.5923200271108431, + 0.5606716224072764, + 0.5290232177037097, + 0.49737481300014297, + 0.4657264082965763, + 0.43407800359300963, + 0.4024295988894429, + 0.3707811941858762, + 0.3391327894823095, + 0.3074843847787428, + null, + 0.5923200271108431, + 0.583107156485118, + 0.573894285859393, + 0.5646814152336679, + 0.5554685446079428, + 0.5462556739822176, + 0.5370428033564926, + 0.5278299327307675, + 0.5186170621050424, + 0.5094041914793174, + null, + 0.5923200271108431, + 0.6113918931404052, + 0.6304637591699673, + 0.6495356251995295, + 0.6686074912290916, + 0.6876793572586537, + 0.7067512232882158, + 0.725823089317778, + 0.7448949553473401, + 0.7639668213769022, + null, + 0.5923200271108431, + 0.5717116817741504, + 0.5511033364374578, + 0.5304949911007651, + 0.5098866457640725, + 0.4892783004273798, + 0.4686699550906871, + 0.44806160975399445, + 0.4274532644173018, + 0.40684491908060916, + null, + 0.7120843876323536, + 0.7418485752077967, + 0.7716127627832398, + 0.8013769503586828, + 0.831141137934126, + 0.8609053255095691, + 0.8906695130850122, + 0.9204337006604553, + 0.9501978882358983, + 0.9799620758113414, + null, + 0.7120843876323536, + 0.717849102492859, + 0.7236138173533644, + 0.7293785322138698, + 0.7351432470743752, + 0.7409079619348806, + 0.746672676795386, + 0.7524373916558914, + 0.7582021065163967, + 0.7639668213769022, + null, + 0.7120843876323536, + 0.6907512154221316, + 0.6694180432119097, + 0.6480848710016877, + 0.6267516987914656, + 0.6054185265812437, + 0.5840853543710217, + 0.5627521821607997, + 0.5414190099505778, + 0.5200858377403558, + null, + 0.0840205842806845, + 0.0999620382561779, + 0.1159034922316713, + 0.1318449462071647, + 0.1477864001826581, + 0.1637278541581515, + 0.1796693081336449, + 0.1956107621091383, + 0.2115522160846317, + 0.22749367006012514, + null, + 0.0840205842806845, + 0.11988995481400946, + 0.15575932534733444, + 0.1916286958806594, + 0.22749806641398435, + 0.2633674369473093, + 0.2992368074806343, + 0.33510617801395925, + 0.3709755485472842, + 0.40684491908060916, + null, + 0.0840205842806845, + 0.09237774679993957, + 0.10073490931919463, + 0.10909207183844968, + 0.11744923435770475, + 0.12580639687695983, + 0.13416355939621488, + 0.14252072191546994, + 0.150877884434725, + 0.15923504695398008, + null, + 0.0840205842806845, + 0.11047940570645132, + 0.13693822713221815, + 0.16339704855798495, + 0.18985586998375176, + 0.2163146914095186, + 0.24277351283528542, + 0.2692323342610522, + 0.29569115568681903, + 0.32214997711258586, + null, + 0.0840205842806845, + 0.07801217489462002, + 0.07200376550855553, + 0.06599535612249105, + 0.05998694673642657, + 0.053978537350362094, + 0.04797012796429761, + 0.04196171857823312, + 0.035953309192168645, + 0.02994489980610417, + null, + 0.0840205842806845, + 0.09139103880549203, + 0.09876149333029956, + 0.10613194785510707, + 0.1135024023799146, + 0.12087285690472213, + 0.12824331142952966, + 0.1356137659543372, + 0.14298422047914472, + 0.15035467500395225, + null, + 0.0840205842806845, + 0.08303824665985544, + 0.08205590903902639, + 0.08107357141819732, + 0.08009123379736827, + 0.07910889617653921, + 0.07812655855571016, + 0.0771442209348811, + 0.07616188331405203, + 0.07517954569322298, + null, + 0.0840205842806845, + 0.07832576801702694, + 0.07263095175336938, + 0.06693613548971183, + 0.06124131922605427, + 0.05554650296239671, + 0.049851686698739156, + 0.0441568704350816, + 0.03846205417142404, + 0.03276723790776648, + null, + 0.15923504695398008, + 0.14154226395909342, + 0.12384948096420673, + 0.10615669796932005, + 0.08846391497443337, + 0.0707711319795467, + 0.05307834898466002, + 0.03538556598977334, + 0.017692782994886663, + 0, + null, + 0.15923504695398008, + 0.18674725496804997, + 0.21425946298211987, + 0.2417716709961898, + 0.2692838790102597, + 0.2967960870243296, + 0.3243082950383995, + 0.35182050305246937, + 0.37933271106653926, + 0.40684491908060916, + null, + 0.15923504695398008, + 0.17733670586049183, + 0.1954383647670036, + 0.21354002367351535, + 0.2316416825800271, + 0.24974334148653884, + 0.2678450003930506, + 0.28594665929956237, + 0.30404831820607414, + 0.32214997711258586, + null, + 0.15923504695398008, + 0.14486947504866055, + 0.13050390314334098, + 0.11613833123802145, + 0.10177275933270191, + 0.08740718742738236, + 0.07304161552206281, + 0.05867604361674328, + 0.04431047171142373, + 0.02994489980610417, + null, + 0.15923504695398008, + 0.17570719560117593, + 0.1921793442483718, + 0.20865149289556767, + 0.22512364154276351, + 0.24159579018995936, + 0.25806793883715523, + 0.2745400874843511, + 0.2910122361315469, + 0.3074843847787428, + null, + 0.15923504695398008, + 0.15824833895953255, + 0.157261630965085, + 0.15627492297063747, + 0.15528821497618994, + 0.1543015069817424, + 0.15331479898729486, + 0.15232809099284733, + 0.15134138299839978, + 0.15035467500395225, + null, + 0.15923504695398008, + 0.14989554681389597, + 0.14055604667381183, + 0.13121654653372772, + 0.12187704639364359, + 0.11253754625355947, + 0.10319804611347536, + 0.09385854597339123, + 0.0845190458333071, + 0.07517954569322298, + null, + 0.15923504695398008, + 0.14518306817106746, + 0.13113108938815482, + 0.1170791106052422, + 0.10302713182232959, + 0.08897515303941697, + 0.07492317425650434, + 0.06087119547359171, + 0.046819216690679094, + 0.03276723790776648, + null, + 0.7299709116862634, + 0.705463498329936, + 0.6809560849736087, + 0.6564486716172814, + 0.631941258260954, + 0.6074338449046267, + 0.5829264315482994, + 0.558419018191972, + 0.5339116048356447, + 0.5094041914793174, + null, + 0.32214997711258586, + 0.28635553521118745, + 0.250561093309789, + 0.21476665140839057, + 0.17897220950699214, + 0.1431777676055937, + 0.10738332570419529, + 0.07158888380279682, + 0.03579444190139841, + 0, + null, + 0.32214997711258586, + 0.2896827463007546, + 0.25721551548892324, + 0.22474828467709196, + 0.19228105386526065, + 0.15981382305342934, + 0.12734659224159806, + 0.09487936142976675, + 0.062412130617935435, + 0.02994489980610417, + null, + 0.32214997711258586, + 0.32052046685326996, + 0.31889095659395406, + 0.31726144633463815, + 0.31563193607532225, + 0.3140024258160064, + 0.3123729155566905, + 0.3107434052973746, + 0.3091138950380587, + 0.3074843847787428, + null, + 0.32214997711258586, + 0.331560526220144, + 0.34097107532770216, + 0.3503816244352603, + 0.35979217354281845, + 0.36920272265037657, + 0.37861327175793474, + 0.38802382086549286, + 0.39743436997305104, + 0.40684491908060916, + null, + 0.02994489980610417, + 0.051894763167662054, + 0.07384462652921994, + 0.09579448989077782, + 0.1177443532523357, + 0.13969421661389358, + 0.1616440799754515, + 0.18359394333700937, + 0.20554380669856726, + 0.22749367006012514, + null, + 0.02994489980610417, + 0.02661768871653704, + 0.02329047762696991, + 0.019963266537402782, + 0.01663605544783565, + 0.013308844358268523, + 0.009981633268701391, + 0.00665442217913426, + 0.0033272110895671315, + 0, + null, + 0.02994489980610417, + 0.07182267972549361, + 0.11370045964488305, + 0.1555782395642725, + 0.19745601948366195, + 0.2393337994030514, + 0.2812115793224408, + 0.32308935924183024, + 0.3649671391612197, + 0.40684491908060916, + null, + 0.02994489980610417, + 0.060782620358619574, + 0.09162034091113498, + 0.12245806146365038, + 0.15329578201616578, + 0.1841335025686812, + 0.2149712231211966, + 0.245808943673712, + 0.2766466642262274, + 0.3074843847787428, + null, + 0.02994489980610417, + 0.04332376371697618, + 0.05670262762784819, + 0.0700814915387202, + 0.08346035544959221, + 0.09683921936046422, + 0.11021808327133623, + 0.12359694718220823, + 0.13697581109308024, + 0.15035467500395225, + null, + 0.02994489980610417, + 0.03497097157133959, + 0.039997043336575014, + 0.04502311510181044, + 0.05004918686704586, + 0.055075258632281285, + 0.06010133039751671, + 0.06512740216275213, + 0.07015347392798756, + 0.07517954569322298, + null, + 0.02994489980610417, + 0.030258492928511092, + 0.030572086050918015, + 0.03088567917332494, + 0.031199272295731863, + 0.03151286541813879, + 0.03182645854054571, + 0.03214005166295263, + 0.03245364478535955, + 0.03276723790776648, + null, + 0.3074843847787428, + 0.29859652758778527, + 0.28970867039682774, + 0.28082081320587027, + 0.27193295601491274, + 0.2630450988239552, + 0.2541572416329977, + 0.24526938444204016, + 0.23638152725108263, + 0.22749367006012514, + null, + 0.3074843847787428, + 0.3299199188565844, + 0.35235545293442605, + 0.37479098701226765, + 0.39722652109010925, + 0.41966205516795085, + 0.4420975892457925, + 0.4645331233236341, + 0.48696865740147577, + 0.5094041914793174, + null, + 0.3074843847787428, + 0.2816727359914628, + 0.2558610872041828, + 0.23004943841690287, + 0.20423778962962288, + 0.1784261408423429, + 0.15261449205506294, + 0.12680284326778296, + 0.10099119448050298, + 0.07517954569322298, + null, + 0.5094041914793174, + 0.5376889281346046, + 0.5659736647898918, + 0.5942584014451789, + 0.6225431381004662, + 0.6508278747557534, + 0.6791126114110406, + 0.7073973480663278, + 0.735682084721615, + 0.7639668213769022, + null, + 0.5094041914793174, + 0.4980087167683498, + 0.4866132420573822, + 0.47521776734641463, + 0.46382229263544705, + 0.4524268179244795, + 0.4410313432135119, + 0.4296358685025443, + 0.41824039379157674, + 0.40684491908060916, + null, + 0.7639668213769022, + 0.7242866100106474, + 0.6846063986443927, + 0.6449261872781379, + 0.6052459759118831, + 0.5655657645456282, + 0.5258855531793735, + 0.4862053418131187, + 0.4465251304468639, + 0.40684491908060916, + null, + 0.7639668213769022, + 0.7879662940918399, + 0.8119657668067776, + 0.8359652395217153, + 0.8599647122366529, + 0.8839641849515907, + 0.9079636576665284, + 0.931963130381466, + 0.9559626030964037, + 0.9799620758113414, + null, + 0.15035467500395225, + 0.17885359101246967, + 0.20735250702098712, + 0.23585142302950454, + 0.26435033903802196, + 0.2928492550465394, + 0.32134817105505686, + 0.34984708706357426, + 0.3783460030720917, + 0.40684491908060916, + null, + 0.15035467500395225, + 0.15892567445463812, + 0.167496673905324, + 0.17606767335600987, + 0.18463867280669577, + 0.19320967225738161, + 0.20178067170806752, + 0.2103516711587534, + 0.21892267060943926, + 0.22749367006012514, + null, + 0.15035467500395225, + 0.14200188285831566, + 0.13364909071267908, + 0.1252962985670425, + 0.11694350642140591, + 0.10859071427576933, + 0.10023792213013273, + 0.09188512998449615, + 0.08353233783885956, + 0.07517954569322298, + null, + 0.07517954569322298, + 0.09210333728954545, + 0.10902712888586791, + 0.12595092048219036, + 0.14287471207851282, + 0.15979850367483528, + 0.17672229527115776, + 0.19364608686748025, + 0.2105698784638027, + 0.22749367006012514, + null, + 0.07517954569322298, + 0.112031253847377, + 0.148882962001531, + 0.18573467015568504, + 0.22258637830983907, + 0.2594380864639931, + 0.2962897946181471, + 0.33314150277230115, + 0.36999321092645515, + 0.40684491908060916, + null, + 0.03276723790776648, + 0.029126433695792424, + 0.02548562948381837, + 0.02184482527184432, + 0.018204021059870266, + 0.014563216847896212, + 0.010922412635922162, + 0.007281608423948108, + 0.003640804211974054, + 0, + null, + 0.22749367006012514, + 0.24742158661795668, + 0.26734950317578826, + 0.2872774197336198, + 0.30720533629145136, + 0.32713325284928296, + 0.3470611694071145, + 0.36698908596494606, + 0.3869170025227776, + 0.40684491908060916, + null + ], + "y": [ + 0.5389389250713202, + 0.5291815824351884, + 0.5194242397990566, + 0.5096668971629248, + 0.4999095545267929, + 0.49015221189066105, + 0.48039486925452923, + 0.4706375266183974, + 0.46088018398226555, + 0.45112284134613373, + null, + 0.5389389250713202, + 0.5595793168679669, + 0.5802197086646136, + 0.6008601004612603, + 0.6215004922579068, + 0.6421408840545535, + 0.6627812758512002, + 0.6834216676478468, + 0.7040620594444935, + 0.7247024512411402, + null, + 0.5389389250713202, + 0.5680572486530104, + 0.5971755722347007, + 0.6262938958163909, + 0.6554122193980813, + 0.6845305429797715, + 0.7136488665614618, + 0.742767190143152, + 0.7718855137248422, + 0.8010038373065325, + null, + 0.5389389250713202, + 0.5404744673966787, + 0.5420100097220371, + 0.5435455520473955, + 0.545081094372754, + 0.5466166366981123, + 0.5481521790234708, + 0.5496877213488293, + 0.5512232636741876, + 0.5527588059995461, + null, + 0.5389389250713202, + 0.5024131768980376, + 0.4658874287247549, + 0.4293616805514723, + 0.3928359323781896, + 0.3563101842049069, + 0.31978443603162426, + 0.28325868785834163, + 0.24673293968505894, + 0.21020719151177628, + null, + 0.5389389250713202, + 0.5552982934324462, + 0.571657661793572, + 0.588017030154698, + 0.6043763985158239, + 0.6207357668769498, + 0.6370951352380757, + 0.6534545035992017, + 0.6698138719603275, + 0.6861732403214534, + null, + 0.5389389250713202, + 0.5673960354983668, + 0.5958531459254135, + 0.6243102563524601, + 0.6527673667795066, + 0.6812244772065533, + 0.7096815876335999, + 0.7381386980606466, + 0.7665958084876932, + 0.7950529189147397, + null, + 0.684980655829886, + 0.6589964542205802, + 0.6330122526112744, + 0.6070280510019685, + 0.5810438493926627, + 0.5550596477833569, + 0.5290754461740512, + 0.5030912445647453, + 0.47710704295543954, + 0.45112284134613373, + null, + 0.684980655829886, + 0.6779172896242366, + 0.6708539234185873, + 0.6637905572129379, + 0.6567271910072886, + 0.6496638248016392, + 0.6426004585959899, + 0.6355370923903405, + 0.6284737261846912, + 0.6214103599790418, + null, + 0.684980655829886, + 0.6725708439232561, + 0.6601610320166262, + 0.6477512201099963, + 0.6353414082033665, + 0.6229315962967366, + 0.6105217843901067, + 0.5981119724834768, + 0.5857021605768469, + 0.5732923486702171, + null, + 0.684980655829886, + 0.6893941886533587, + 0.6938077214768313, + 0.698221254300304, + 0.7026347871237767, + 0.7070483199472495, + 0.7114618527707222, + 0.7158753855941948, + 0.7202889184176675, + 0.7247024512411402, + null, + 0.684980655829886, + 0.6630954368504597, + 0.6412102178710334, + 0.6193249988916072, + 0.5974397799121809, + 0.5755545609327546, + 0.5536693419533283, + 0.531784122973902, + 0.5098989039944757, + 0.48801368501504944, + null, + 0.684980655829886, + 0.7199828051821209, + 0.7549849545343558, + 0.7899871038865907, + 0.8249892532388255, + 0.8599914025910604, + 0.8949935519432953, + 0.9299957012955302, + 0.9649978506477651, + 1, + null, + 0.684980655829886, + 0.669888319991167, + 0.6547959841524481, + 0.6397036483137292, + 0.6246113124750102, + 0.6095189766362913, + 0.5944266407975723, + 0.5793343049588534, + 0.5642419691201345, + 0.5491496332814155, + null, + 0.684980655829886, + 0.6972109072837587, + 0.7094411587376313, + 0.7216714101915039, + 0.7339016616453765, + 0.7461319130992492, + 0.7583621645531218, + 0.7705924160069945, + 0.7828226674608671, + 0.7950529189147397, + null, + 0.684980655829886, + 0.6599082782627081, + 0.6348359006955304, + 0.6097635231283526, + 0.5846911455611747, + 0.559618767993997, + 0.5345463904268192, + 0.5094740128596413, + 0.4844016352924635, + 0.4593292577252857, + null, + 0.684980655829886, + 0.6528754111650015, + 0.6207701665001168, + 0.5886649218352323, + 0.5565596771703478, + 0.5244544325054633, + 0.49234918784057874, + 0.46024394317569417, + 0.42813869851080966, + 0.3960334538459251, + null, + 0.684980655829886, + 0.6550145719392508, + 0.6250484880486157, + 0.5950824041579805, + 0.5651163202673454, + 0.5351502363767102, + 0.505184152486075, + 0.47521806859543986, + 0.4452519847048047, + 0.41528590081416955, + null, + 0.684980655829886, + 0.6648998859542957, + 0.6448191160787053, + 0.6247383462031151, + 0.6046575763275248, + 0.5845768064519344, + 0.5644960365763442, + 0.5444152667007538, + 0.5243344968251635, + 0.5042537269495733, + null, + 0.684980655829886, + 0.6702893391820705, + 0.6555980225342549, + 0.6409067058864394, + 0.6262153892386239, + 0.6115240725908082, + 0.5968327559429927, + 0.5821414392951771, + 0.5674501226473616, + 0.5527588059995461, + null, + 0.684980655829886, + 0.7096235751403431, + 0.7342664944508003, + 0.7589094137612575, + 0.7835523330717147, + 0.8081952523821718, + 0.832838171692629, + 0.8574810910030861, + 0.8821240103135434, + 0.9067669296240005, + null, + 0.684980655829886, + 0.6426526370874839, + 0.6003246183450818, + 0.5579965996026797, + 0.5156685808602777, + 0.47334056211787556, + 0.43101254337547346, + 0.3886845246330714, + 0.3463565058906693, + 0.3040284871482672, + null, + 0.684980655829886, + 0.6896255346591307, + 0.6942704134883754, + 0.6989152923176201, + 0.7035601711468648, + 0.7082050499761094, + 0.7128499288053541, + 0.7174948076345988, + 0.7221396864638435, + 0.7267845652930882, + null, + 0.1979339292920408, + 0.22697785467351245, + 0.2560217800549841, + 0.28506570543645576, + 0.3141096308179274, + 0.3431535561993991, + 0.37219748158087074, + 0.4012414069623424, + 0.43028533234381405, + 0.4593292577252857, + null, + 0.1979339292920408, + 0.21994498757580572, + 0.24195604585957065, + 0.2639671041433356, + 0.2859781624271005, + 0.30798922071086543, + 0.3300002789946303, + 0.35201133727839523, + 0.37402239556216016, + 0.3960334538459251, + null, + 0.1979339292920408, + 0.23964042033406038, + 0.28134691137608, + 0.32305340241809954, + 0.36475989346011917, + 0.40646638450213873, + 0.4481728755441583, + 0.4898793665861779, + 0.5315858576281975, + 0.5732923486702171, + null, + 0.1979339292920408, + 0.23196946236509997, + 0.26600499543815914, + 0.30004052851121826, + 0.33407606158427744, + 0.3681115946573366, + 0.40214712773039574, + 0.4361826608034549, + 0.4702181938765141, + 0.5042537269495733, + null, + 0.1979339292920408, + 0.2373589155928747, + 0.2767839018937086, + 0.31620888819454257, + 0.3556338744953765, + 0.3950588607962104, + 0.43448384709704435, + 0.47390883339787826, + 0.5133338196987122, + 0.5527588059995461, + null, + 0.1979339292920408, + 0.21527986199432222, + 0.23262579469660366, + 0.24997172739888512, + 0.26731766010116653, + 0.284663592803448, + 0.30200952550572946, + 0.31935545820801087, + 0.3367013909102923, + 0.35404732361257374, + null, + 0.1979339292920408, + 0.19929762509423363, + 0.20066132089642646, + 0.20202501669861928, + 0.2033887125008121, + 0.20475240830300495, + 0.2061161041051978, + 0.20747979990739063, + 0.20884349570958344, + 0.21020719151177628, + null, + 0.1979339292920408, + 0.20972221349828818, + 0.22151049770453554, + 0.23329878191078293, + 0.2450870661170303, + 0.2568753503232777, + 0.2686636345295251, + 0.28045191873577247, + 0.2922402029420198, + 0.3040284871482672, + null, + 0.7247024512411402, + 0.6943047168083617, + 0.6639069823755832, + 0.6335092479428047, + 0.6031115135100262, + 0.5727137790772477, + 0.5423160446444693, + 0.5119183102116907, + 0.4815205757789122, + 0.45112284134613373, + null, + 0.7247024512411402, + 0.7132255522120181, + 0.7017486531828961, + 0.6902717541537741, + 0.678794855124652, + 0.66731795609553, + 0.6558410570664079, + 0.6443641580372859, + 0.6328872590081639, + 0.6214103599790418, + null, + 0.7247024512411402, + 0.7552910677699024, + 0.7858796842986646, + 0.8164683008274268, + 0.847056917356189, + 0.8776455338849511, + 0.9082341504137134, + 0.9388227669424756, + 0.9694113834712378, + 1, + null, + 0.7247024512411402, + 0.7325191698715401, + 0.7403358885019401, + 0.74815260713234, + 0.75596932576274, + 0.7637860443931399, + 0.7716027630235399, + 0.7794194816539398, + 0.7872362002843398, + 0.7950529189147397, + null, + 0.7247024512411402, + 0.7078791065110376, + 0.6910557617809351, + 0.6742324170508325, + 0.6574090723207299, + 0.6405857275906274, + 0.6237623828605248, + 0.6069390381304222, + 0.5901156934003197, + 0.5732923486702171, + null, + 0.7247024512411402, + 0.6952165408504897, + 0.6657306304598392, + 0.6362447200691888, + 0.6067588096785382, + 0.5772728992878877, + 0.5477869888972372, + 0.5183010785065867, + 0.48881516811593617, + 0.4593292577252857, + null, + 0.7247024512411402, + 0.688183673752783, + 0.6516648962644257, + 0.6151461187760685, + 0.5786273412877112, + 0.542108563799354, + 0.5055897863109968, + 0.4690710088226396, + 0.43255223133428233, + 0.3960334538459251, + null, + 0.7247024512411402, + 0.7494213864478282, + 0.7741403216545162, + 0.7988592568612042, + 0.8235781920678922, + 0.8482971272745801, + 0.8730160624812681, + 0.8977349976879561, + 0.9224539328946441, + 0.947172868101332, + null, + 0.7247024512411402, + 0.6903228345270324, + 0.6559432178129245, + 0.6215636010988166, + 0.5871839843847088, + 0.5528043676706009, + 0.5184247509564931, + 0.48404513424238527, + 0.4496655175282774, + 0.41528590081416955, + null, + 0.7247024512411402, + 0.7002081485420772, + 0.6757138458430142, + 0.6512195431439513, + 0.6267252404448882, + 0.6022309377458253, + 0.5777366350467623, + 0.5532423323476993, + 0.5287480296486362, + 0.5042537269495733, + null, + 0.7247024512411402, + 0.705597601769852, + 0.6864927522985638, + 0.6673879028272754, + 0.6482830533559872, + 0.629178203884699, + 0.6100733544134108, + 0.5909685049421225, + 0.5718636554708343, + 0.5527588059995461, + null, + 0.7247024512411402, + 0.7449318377281247, + 0.7651612242151091, + 0.7853906107020936, + 0.8056199971890781, + 0.8258493836760626, + 0.8460787701630471, + 0.8663081566500316, + 0.886537543137016, + 0.9067669296240005, + null, + 0.7247024512411402, + 0.7204214278056195, + 0.7161404043700987, + 0.7118593809345779, + 0.7075783574990572, + 0.7032973340635365, + 0.6990163106280157, + 0.6947352871924949, + 0.6904542637569742, + 0.6861732403214534, + null, + 0.7247024512411402, + 0.7249337972469122, + 0.7251651432526842, + 0.7253964892584562, + 0.7256278352642282, + 0.7258591812700002, + 0.7260905272757722, + 0.7263218732815442, + 0.7265532192873162, + 0.7267845652930882, + null, + 0.48801368501504944, + 0.4799328201038406, + 0.4718519551926317, + 0.4637710902814228, + 0.4556902253702139, + 0.44760936045900507, + 0.43952849554779616, + 0.4314476306365873, + 0.42336676572537846, + 0.41528590081416955, + null, + 0.8010038373065325, + 0.7757025607913863, + 0.7504012842762402, + 0.725100007761094, + 0.6997987312459478, + 0.6744974547308017, + 0.6491961782156556, + 0.6238949017005093, + 0.5985936251853632, + 0.5732923486702171, + null, + 0.8010038373065325, + 0.7882448820859681, + 0.7754859268654037, + 0.7627269716448395, + 0.7499680164242751, + 0.7372090612037108, + 0.7244501059831464, + 0.711691150762582, + 0.6989321955420178, + 0.6861732403214534, + null, + 0.8010038373065325, + 0.7733070119886196, + 0.7456101866707068, + 0.7179133613527939, + 0.6902165360348811, + 0.6625197107169682, + 0.6348228853990555, + 0.6071260600811427, + 0.5794292347632298, + 0.551732409445317, + null, + 0.8010038373065325, + 0.8003426241518888, + 0.7996814109972452, + 0.7990201978426016, + 0.798358984687958, + 0.7976977715333142, + 0.7970365583786706, + 0.796375345224027, + 0.7957141320693834, + 0.7950529189147397, + null, + 0.8010038373065325, + 0.8206302324027362, + 0.8402566274989399, + 0.8598830225951437, + 0.8795094176913474, + 0.8991358127875512, + 0.9187622078837548, + 0.9383886029799586, + 0.9580149980761623, + 0.9776413931723661, + null, + 1, + 0.9896407699582223, + 0.9792815399164445, + 0.9689223098746669, + 0.9585630798328891, + 0.9482038497911114, + 0.9378446197493336, + 0.9274853897075559, + 0.9171261596657783, + 0.9067669296240005, + null, + 1, + 0.9941303186779258, + 0.9882606373558516, + 0.9823909560337774, + 0.9765212747117031, + 0.9706515933896289, + 0.9647819120675547, + 0.9589122307454805, + 0.9530425494234063, + 0.947172868101332, + null, + 1, + 0.9772281021016378, + 0.9544562042032755, + 0.9316843063049133, + 0.908912408406551, + 0.8861405105081888, + 0.8633686126098266, + 0.8405967147114642, + 0.8178248168131019, + 0.7950529189147397, + null, + 1, + 0.9525880387411352, + 0.9051760774822705, + 0.8577641162234056, + 0.8103521549645409, + 0.7629401937056761, + 0.7155282324468113, + 0.6681162711879466, + 0.6207043099290819, + 0.5732923486702171, + null, + 0.35404732361257374, + 0.36574531629176393, + 0.3774433089709542, + 0.3891413016501444, + 0.40083929432933463, + 0.4125372870085248, + 0.424235279687715, + 0.43593327236690527, + 0.4476312650460955, + 0.4593292577252857, + null, + 0.35404732361257374, + 0.3587124491940572, + 0.3633775747755407, + 0.3680427003570242, + 0.37270782593850765, + 0.3773729515199912, + 0.38203807710147464, + 0.3867032026829581, + 0.3913683282644416, + 0.3960334538459251, + null, + 0.35404732361257374, + 0.3784078819523119, + 0.40276844029205006, + 0.42712899863178816, + 0.4514895569715263, + 0.4758501153112645, + 0.5002106736510026, + 0.5245712319907407, + 0.5489317903304789, + 0.5732923486702171, + null, + 0.35404732361257374, + 0.36483349224963596, + 0.3756196608866982, + 0.3864058295237604, + 0.3971919981608226, + 0.40797816679788484, + 0.41876433543494707, + 0.4295505040720093, + 0.4403366727090715, + 0.45112284134613373, + null, + 0.35404732361257374, + 0.3608516099683066, + 0.3676558963240395, + 0.3744601826797723, + 0.3812644690355052, + 0.3880687553912381, + 0.39487304174697097, + 0.40167732810270385, + 0.40848161445843667, + 0.41528590081416955, + null, + 0.35404732361257374, + 0.37073692398335145, + 0.38742652435412916, + 0.40411612472490693, + 0.42080572509568465, + 0.43749532546646236, + 0.4541849258372401, + 0.47087452620801784, + 0.48756412657879555, + 0.5042537269495733, + null, + 0.35404732361257374, + 0.37612637721112624, + 0.3982054308096787, + 0.4202844844082312, + 0.4423635380067837, + 0.4644425916053362, + 0.48652164520388863, + 0.5086006988024412, + 0.5306797524009936, + 0.5527588059995461, + null, + 0.35404732361257374, + 0.37572535802022283, + 0.3974033924278719, + 0.41908142683552096, + 0.4407594612431701, + 0.46243749565081915, + 0.48411553005846825, + 0.5057935644661173, + 0.5274715988737664, + 0.5491496332814155, + null, + 0.35404732361257374, + 0.33806508671248514, + 0.32208284981239654, + 0.30610061291230795, + 0.2901183760122193, + 0.2741361391121307, + 0.2581539022120421, + 0.2421716653119535, + 0.22618942841186487, + 0.21020719151177628, + null, + 0.35404732361257374, + 0.34848967511653967, + 0.3429320266205056, + 0.3373743781244716, + 0.3318167296284375, + 0.32625908113240343, + 0.32070143263636935, + 0.3151437841403353, + 0.30958613564430126, + 0.3040284871482672, + null, + 0.5491496332814155, + 0.5382577675108287, + 0.5273659017402418, + 0.5164740359696549, + 0.505582170199068, + 0.4946903044284812, + 0.48379843865789435, + 0.4729065728873075, + 0.4620147071167206, + 0.45112284134613373, + null, + 0.5491496332814155, + 0.5342758852294993, + 0.5194021371775831, + 0.5045283891256669, + 0.4896546410737507, + 0.47478089302183446, + 0.4599071449699182, + 0.445033396918002, + 0.43015964886608576, + 0.41528590081416955, + null, + 0.5491496332814155, + 0.5495506524723189, + 0.5499516716632223, + 0.5503526908541257, + 0.5507537100450292, + 0.5511547292359325, + 0.5515557484268359, + 0.5519567676177393, + 0.5523577868086427, + 0.5527588059995461, + null, + 0.5491496332814155, + 0.5232406462998918, + 0.497331659318368, + 0.4714226723368442, + 0.44551368535532043, + 0.41960469837379666, + 0.39369571139227283, + 0.36778672441074906, + 0.3418777374292253, + 0.3159687504477015, + null, + 0.5491496332814155, + 0.5219139503777324, + 0.49467826747404925, + 0.4674425845703661, + 0.4402069016666829, + 0.4129712187629998, + 0.38573553585931664, + 0.35849985295563347, + 0.3312641700519503, + 0.3040284871482672, + null, + 0.7950529189147397, + 0.7681313508130515, + 0.7412097827113634, + 0.7142882146096752, + 0.687366646507987, + 0.6604450784062988, + 0.6335235103046106, + 0.6066019422029225, + 0.5796803741012343, + 0.5527588059995461, + null, + 0.7950529189147397, + 0.8074655867713243, + 0.8198782546279088, + 0.8322909224844933, + 0.8447035903410779, + 0.8571162581976624, + 0.8695289260542469, + 0.8819415939108315, + 0.894354261767416, + 0.9067669296240005, + null, + 0.7950529189147397, + 0.782955176848819, + 0.7708574347828984, + 0.7587596927169776, + 0.7466619506510569, + 0.7345642085851363, + 0.7224664665192155, + 0.7103687244532948, + 0.6982709823873742, + 0.6861732403214534, + null, + 0.7950529189147397, + 0.7704128555542372, + 0.7457727921937347, + 0.7211327288332322, + 0.6964926654727297, + 0.6718526021122271, + 0.6472125387517246, + 0.6225724753912221, + 0.5979324120307196, + 0.5732923486702171, + null, + 0.3159687504477015, + 0.3421647125585477, + 0.3683606746693938, + 0.39455663678024, + 0.4207525988910862, + 0.44694856100193237, + 0.4731445231127785, + 0.4993404852236247, + 0.5255364473344708, + 0.551732409445317, + null, + 0.3159687504477015, + 0.3571025826558962, + 0.39823641486409084, + 0.43937024707228545, + 0.4805040792804801, + 0.5216379114886748, + 0.5627717436968694, + 0.6039055759050641, + 0.6450394081132588, + 0.6861732403214534, + null, + 0.3159687504477015, + 0.280861111509068, + 0.2457534725704345, + 0.210645833631801, + 0.1755381946931675, + 0.140430555754534, + 0.1053229168159005, + 0.070215277877267, + 0.0351076389386335, + 0, + null, + 0.4593292577252857, + 0.45841743368315774, + 0.4575056096410297, + 0.45659378559890174, + 0.4556819615567737, + 0.45477013751464573, + 0.4538583134725177, + 0.45294648943038973, + 0.4520346653882617, + 0.45112284134613373, + null, + 0.4593292577252857, + 0.4719918233858336, + 0.4846543890463816, + 0.4973169547069295, + 0.5099795203674774, + 0.5226420860280253, + 0.5353046516885733, + 0.5479672173491212, + 0.5606297830096691, + 0.5732923486702171, + null, + 0.4593292577252857, + 0.452296390627579, + 0.44526352352987225, + 0.4382306564321655, + 0.4311977893344588, + 0.42416492223675206, + 0.4171320551390453, + 0.41009918804133855, + 0.4030663209436318, + 0.3960334538459251, + null, + 0.4593292577252857, + 0.45443555140182834, + 0.449541845078371, + 0.44464813875491366, + 0.4397544324314563, + 0.434860726107999, + 0.4299670197845416, + 0.42507331346108423, + 0.4201796071376269, + 0.41528590081416955, + null, + 0.4593292577252857, + 0.46432086541687323, + 0.46931247310846075, + 0.4743040808000482, + 0.47929568849163573, + 0.48428729618322325, + 0.48927890387481077, + 0.49427051156639823, + 0.49926211925798575, + 0.5042537269495733, + null, + 0.4593292577252857, + 0.43164902814600686, + 0.40396879856672807, + 0.3762885689874492, + 0.3486083394081704, + 0.3209281098288916, + 0.29324788024961274, + 0.26556765067033394, + 0.2378874210910551, + 0.21020719151177628, + null, + 0.4593292577252857, + 0.44207361655006144, + 0.4248179753748371, + 0.40756233419961285, + 0.3903066930243886, + 0.3730510518491643, + 0.35579541067394005, + 0.3385397694987157, + 0.32128412832349146, + 0.3040284871482672, + null, + 0.4593292577252857, + 0.4890465141217082, + 0.5187637705181307, + 0.5484810269145532, + 0.5781982833109757, + 0.6079155397073982, + 0.6376327961038207, + 0.6673500525002432, + 0.6970673088966657, + 0.7267845652930882, + null, + 0.3960334538459251, + 0.42107533230516025, + 0.4461172107643955, + 0.47115908922363064, + 0.49620096768286587, + 0.521242846142101, + 0.5462847246013363, + 0.5713266030605715, + 0.5963684815198066, + 0.6214103599790418, + null, + 0.3960334538459251, + 0.4157288866041797, + 0.4354243193624344, + 0.45511975212068906, + 0.47481518487894375, + 0.4945106176371984, + 0.5142060503954531, + 0.5339014831537077, + 0.5535969159119624, + 0.5732923486702171, + null, + 0.3960334538459251, + 0.39817261462017445, + 0.40031177539442386, + 0.4024509361686732, + 0.40459009694292264, + 0.406729257717172, + 0.4088684184914214, + 0.4110075792656708, + 0.4131467400399202, + 0.41528590081416955, + null, + 0.3960334538459251, + 0.40805792863521934, + 0.4200824034245136, + 0.43210687821380783, + 0.444131353003102, + 0.4561558277923963, + 0.4681803025816905, + 0.48020477737098477, + 0.492229252160279, + 0.5042537269495733, + null, + 0.3960334538459251, + 0.41344738186299407, + 0.4308613098800631, + 0.4482752378971321, + 0.46568916591420106, + 0.48310309393127004, + 0.500517021948339, + 0.5179309499654081, + 0.5353448779824771, + 0.5527588059995461, + null, + 0.3960334538459251, + 0.37538609136435297, + 0.3547387288827809, + 0.33409136640120884, + 0.3134440039196367, + 0.2927966414380646, + 0.27214927895649255, + 0.2515019164749205, + 0.23085455399334837, + 0.21020719151177628, + null, + 0.3960334538459251, + 0.38581067976840755, + 0.37558790569089, + 0.3653651316133725, + 0.3551423575358549, + 0.34491958345833734, + 0.3346968093808198, + 0.32447403530330227, + 0.31425126122578473, + 0.3040284871482672, + null, + 0.3960334538459251, + 0.43278357734005435, + 0.46953370083418355, + 0.5062838243283128, + 0.543033947822442, + 0.5797840713165713, + 0.6165341948107005, + 0.6532843183048298, + 0.690034441798959, + 0.7267845652930882, + null, + 0.947172868101332, + 0.9426833193816285, + 0.938193770661925, + 0.9337042219422216, + 0.929214673222518, + 0.9247251245028145, + 0.920235575783111, + 0.9157460270634075, + 0.911256478343704, + 0.9067669296240005, + null, + 0.41528590081416955, + 0.43818861849915536, + 0.46109133618414117, + 0.483994053869127, + 0.5068967715541128, + 0.5297994892390986, + 0.5527022069240843, + 0.5756049246090702, + 0.5985076422940561, + 0.6214103599790418, + null, + 0.41528590081416955, + 0.4251712148292144, + 0.43505652884425927, + 0.4449418428593041, + 0.454827156874349, + 0.4647124708893938, + 0.4745977849044387, + 0.48448309891948355, + 0.4943684129345284, + 0.5042537269495733, + null, + 0.41528590081416955, + 0.43056066805698917, + 0.4458354352998088, + 0.4611102025426284, + 0.476384969785448, + 0.4916597370282676, + 0.5069345042710872, + 0.5222092715139068, + 0.5374840387567265, + 0.5527588059995461, + null, + 0.41528590081416955, + 0.43284217279817483, + 0.4503984447821801, + 0.4679547167661854, + 0.48551098875019066, + 0.5030672607341959, + 0.5206235327182012, + 0.5381798047022065, + 0.5557360766862118, + 0.5732923486702171, + null, + 0.5042537269495733, + 0.4983502952158578, + 0.4924468634821423, + 0.48654343174842674, + 0.48064000001471124, + 0.47473656828099575, + 0.46883313654728026, + 0.46292970481356477, + 0.4570262730798492, + 0.45112284134613373, + null, + 0.5042537269495733, + 0.5172711306195142, + 0.5302885342894552, + 0.5433059379593961, + 0.556323341629337, + 0.569340745299278, + 0.582358148969219, + 0.59537555263916, + 0.6083929563091008, + 0.6214103599790418, + null, + 0.5042537269495733, + 0.5119246849185337, + 0.5195956428874942, + 0.5272666008564545, + 0.5349375588254149, + 0.5426085167943754, + 0.5502794747633358, + 0.5579504327322962, + 0.5656213907012566, + 0.5732923486702171, + null, + 0.5042537269495733, + 0.509643180177348, + 0.5150326334051227, + 0.5204220866328976, + 0.5258115398606723, + 0.531200993088447, + 0.5365904463162218, + 0.5419798995439966, + 0.5473693527717713, + 0.5527588059995461, + null, + 0.5042537269495733, + 0.47158188967870696, + 0.4389100524078406, + 0.4062382151369742, + 0.3735663778661079, + 0.3408945405952416, + 0.30822270332437524, + 0.27555086605350887, + 0.24287902878264256, + 0.21020719151177628, + null, + 0.5042537269495733, + 0.4820064780827615, + 0.4597592292159497, + 0.4375119803491379, + 0.4152647314823261, + 0.39301748261551434, + 0.37077023374870255, + 0.34852298488189076, + 0.326275736015079, + 0.3040284871482672, + null, + 0.5042537269495733, + 0.5289793756544082, + 0.5537050243592433, + 0.5784306730640782, + 0.6031563217689132, + 0.6278819704737483, + 0.6526076191785832, + 0.6773332678834183, + 0.7020589165882533, + 0.7267845652930882, + null, + 0.5527588059995461, + 0.5414659210380558, + 0.5301730360765655, + 0.5188801511150753, + 0.5075872661535851, + 0.4962943811920948, + 0.4850014962306045, + 0.47370861126911423, + 0.462415726307624, + 0.45112284134613373, + null, + 0.5527588059995461, + 0.5920930419578188, + 0.6314272779160915, + 0.6707615138743642, + 0.7100957498326369, + 0.7494299857909097, + 0.7887642217491824, + 0.828098457707455, + 0.8674326936657277, + 0.9067669296240005, + null, + 0.5527588059995461, + 0.5251221039049595, + 0.497485401810373, + 0.46984869971578647, + 0.4422119976211999, + 0.4145752955266134, + 0.38693859343202686, + 0.3593018913374403, + 0.3316651892428537, + 0.3040284871482672, + null, + 0.9067669296240005, + 0.8822565197014953, + 0.85774610977899, + 0.8332356998564848, + 0.8087252899339796, + 0.7842148800114743, + 0.7597044700889691, + 0.7351940601664639, + 0.7106836502439586, + 0.6861732403214534, + null, + 0.9067669296240005, + 0.8697141984069134, + 0.8326614671898265, + 0.7956087359727394, + 0.7585560047556523, + 0.7215032735385652, + 0.6844505423214782, + 0.6473978111043912, + 0.6103450798873041, + 0.5732923486702171, + null, + 0.6861732403214534, + 0.6736309190268717, + 0.6610885977322898, + 0.648546276437708, + 0.6360039551431261, + 0.6234616338485444, + 0.6109193125539625, + 0.5983769912593807, + 0.5858346699647989, + 0.5732923486702171, + null, + 0.6861732403214534, + 0.671235370224105, + 0.6562975001267565, + 0.641359630029408, + 0.6264217599320595, + 0.611483889834711, + 0.5965460197373624, + 0.581608149640014, + 0.5666702795426655, + 0.551732409445317, + null, + 0.21020719151177628, + 0.250549986751603, + 0.29089278199142976, + 0.3312355772312565, + 0.3715783724710833, + 0.41192116771091003, + 0.4522639629507368, + 0.49260675819056354, + 0.5329495534303903, + 0.5732923486702171, + null, + 0.21020719151177628, + 0.2369755970489271, + 0.26374400258607794, + 0.29051240812322876, + 0.3172808136603796, + 0.3440492191975304, + 0.3708176247346813, + 0.3975860302718321, + 0.4243544358089829, + 0.45112284134613373, + null, + 0.21020719151177628, + 0.22063177991583083, + 0.23105636831988535, + 0.2414809567239399, + 0.25190554512799446, + 0.262330133532049, + 0.27275472193610356, + 0.2831793103401581, + 0.29360389874421267, + 0.3040284871482672, + null, + 0.3040284871482672, + 0.3203723042813635, + 0.3367161214144597, + 0.353059938547556, + 0.3694037556806523, + 0.3857475728137486, + 0.4020913899468449, + 0.41843520707994114, + 0.43477902421303743, + 0.45112284134613373, + null, + 0.3040284871482672, + 0.3339466939840394, + 0.3638649008198116, + 0.39378310765558383, + 0.423701314491356, + 0.45361952132712824, + 0.4835377281629004, + 0.5134559349986727, + 0.5433741418344449, + 0.5732923486702171, + null, + 0.7267845652930882, + 0.7150763202581941, + 0.7033680752233001, + 0.691659830188406, + 0.6799515851535121, + 0.668243340118618, + 0.656535095083724, + 0.6448268500488299, + 0.6331186050139359, + 0.6214103599790418, + null, + 0.45112284134613373, + 0.46469723104880967, + 0.4782716207514856, + 0.4918460104541615, + 0.5054204001568374, + 0.5189947898595133, + 0.5325691795621893, + 0.5461435692648652, + 0.5597179589675412, + 0.5732923486702171, + null + ] + }, + { + "hoverinfo": "text", + "marker": { + "color": [ + 7, + 0, + 16, + 8, + 16, + 0, + 2, + 6, + 6, + 0, + 11, + 7, + 9, + 4, + 1, + 0, + 12, + 13, + 0, + 0, + 3, + 11, + 0, + 14, + 13, + 8, + 8, + 3, + 9, + 11, + 1, + 6, + 11, + 6, + 16 + ], + "colorbar": { + "thickness": 15, + "xanchor": "left" + }, + "colorscale": "YIGnBu", + "line": { + "width": 2 + }, + "reversescale": true, + "showscale": true, + "size": 10 + }, + "mode": "markers", + "text": [ + "1: ['woman', 'wife', 'daughter', 'asked', 'twitter', 'school', 'hospital', 'boy', 'sexual', 'took']", + "2: ['the', 'dead', 'way', 'wine', 'netanyahu', 'israelis', 'gait', '2', 'life', 'hebrew']", + "3: ['water', 'plants', 'the', 'flint', 'country', 'citizens', 'we', 'courts', 'property', 'supply']", + "4: ['october', 'the', 'abedin', 'media', '2015', 'secretary', 'state', 'podesta', 'foundation', 'election']", + "5: ['the', 'food', 'reports', 'admiral', 'air', 'camp', 'migrants', '0', 'carrier', 'number']", + "6: ['evacuation', 'unresponsive', 'alaska', 'rape', 'p', 'award', 'waters', 'tons', 'we', '35']", + "7: ['debt', '2', '0', 'posts', 'market', 'com', 'bank', 'gold', 'year', 'dollar']", + "8: ['october', 'woman', 'right', 'write', 'rape', 'twitter', 'way', 'sexual', 'x', 'we']", + "9: ['mins', 'humans', 'known', 'university', 'universe', 'life', 'drug', 'scientific', 'dr', 'fda']", + "10: ['properties', 'university', 'green', 'institute', 'prevent', 'liver', 'mistakenly', 'dr', 'mixture', 'debate']", + "11: ['the', 'cnn', 'george', 'establishment', 'victory', 'we', 'media', 'white', 'political', 'sanders']", + "12: ['right', 'voter', 'twitter', 'moore', 'laws', 'burr', 'state', 'nevada', 'election', 'president']", + "13: ['water', 'flying', 'concealed', 'air', 'we', 'year', 'weather', 'years', 'warm', 'going']", + "14: ['right', 'university', 'baier', 'justice', 'political', 'white', 'cancel', 'michelle', 'sanders', 'bernie']", + "15: ['the', 'riding', 'taliban', 'stars', 'muslim', 'franco', 'biden', 'media', 'christians', 'toosi']", + "16: ['water', '3', '2', 'x', '0', 'life', 'land', 'com', 'construction', 'rock']", + "17: ['right', 'way', 'establishment', 'country', 'political', 'media', 'we', 'nation', 'real', 'good']", + "18: ['the', 'security', 'vladimir', 'relations', 'military', 'country', 'political', 'washington', 'media', 'russians']", + "19: ['arabs', 'october', 'combat', 'air', 'military', 'jets', 'iraqi', 'battle', 'forces', 'kurdish']", + "20: ['october', 'wwf', 'pollution', 'tpp', 'we', 'chlorine', 'wildlife', 'elephants', 'futures', 'years']", + "21: ['3', 'field', 'cause', '2', 'lead', 'low', 'choi', 'life', 'california', 'doctor']", + "22: ['debt', '2', 'income', 'education', '100', 'state', 'year', 'paul', 'years', 'immigration']", + "23: ['homosexuality', 'the', 'appropriation', 'payer', 'nurses', 'healthcare', 'panels', 'saudi', '2015', 'drug']", + "24: ['the', 'right', 'security', 'way', 'cia', 'air', 'military', 'political', 'media', 'country']", + "25: ['machines', '3', 'reports', 'early', 'voter', '2', 'lead', 'state', 'election', 'year']", + "26: ['water', '3', 'food', 'add', 'infections', 'cause', 'zika', '2', 'birth', 'helps']", + "27: ['d', 'right', 'lab', 'way', 'universe', 'life', 'edward', 'abortion', 'iceland', 'years']", + "28: ['october', 'right', 'the', 'contra', 'george', 'p', 'reality', 'clear', 'iran', '1992']", + "29: ['the', 'right', 'way', 'lot', 'here', 'is', 'country', 'we', 'white', 'come']", + "30: ['october', 'justice', 'washington', 'chief', 'vaccines', 'official', 'agents', 'state', 'agency', 'election']", + "31: ['october', 'twitter', 'pic', '28', 'homeless', '0', 'co', 'adl', '22', 'com']", + "32: ['the', 'iran', 'military', 'country', 'washington', 'saudi', 'attacks', 'international', 'russian', 'state']", + "33: ['water', 'october', 'protesters', 'protest', 'shot', 'twitter', 'reports', 'peaceful', 'cop', 'camp']", + "34: ['the', 'country', 'union', 'prime', 'international', 'state', 'years', 'japan', 'african', 'visit']", + "35: ['way', 'feel', 'love', 'life', 'real', 'good', 'form', 'years', 'let', 'you']" + ], + "type": "scatter", + "x": [ + 0.5670820867753458, + 0.8735729454024185, + 0.26119413448066653, + 0.23185088563163217, + 0.36004741824216774, + 0.6318432885136432, + 0.745933076762819, + 0.8837216156679211, + 0.44386187420952194, + 0.12629059808131657, + 0.018416072409318324, + 0.17886007588926986, + 0.5923200271108431, + 0.7120843876323536, + 0.5200858377403558, + 0.757984251586766, + 0.0840205842806845, + 0.15923504695398008, + 0.9569486463743899, + 0.2354782200742184, + 0.7299709116862634, + 0.32214997711258586, + 0.2689398356396591, + 0.02994489980610417, + 0.3074843847787428, + 0.5094041914793174, + 0.7639668213769022, + 0.9799620758113414, + 0.15035467500395225, + 0.07517954569322298, + 0.6583152931601334, + 0.03276723790776648, + 0.22749367006012514, + 0, + 0.40684491908060916 + ], + "y": [ + 0.5389389250713202, + 0.18452939534887694, + 0.684980655829886, + 0.1979339292920408, + 0.7247024512411402, + 0.020721014820128014, + 0.48801368501504944, + 0.8010038373065325, + 1, + 0.8729563233663478, + 0.35404732361257374, + 0.5491496332814155, + 0.7950529189147397, + 0.3159687504477015, + 0, + 0.07951478983210937, + 0.4593292577252857, + 0.3960334538459251, + 0.3368034669199906, + 0.06321805127250395, + 0.947172868101332, + 0.41528590081416955, + 0.9712835275118752, + 0.5042537269495733, + 0.5527588059995461, + 0.9067669296240005, + 0.6861732403214534, + 0.551732409445317, + 0.21020719151177628, + 0.3040284871482672, + 0.9776413931723661, + 0.7267845652930882, + 0.45112284134613373, + 0.6214103599790418, + 0.5732923486702171 + ] + } + ], + "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" + } + ], + "source": [ + "fig = Figure(data=Data([edge_trace, node_trace]),\n", + " layout=Layout(showlegend=False,\n", + " hovermode='closest',\n", + " xaxis=XAxis(showgrid=True, zeroline=False, showticklabels=True),\n", + " yaxis=YAxis(showgrid=True, zeroline=False, showticklabels=True)))\n", + "\n", + "py.iplot(fig)" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "scrolled": false + }, + "source": [ + "For the above graph, we just used the 20th percentile of all the distance values. But we can experiment with few different values also such that the graph doesn’t become too crowded or too sparse and we could get an optimum amount of information about similar topics or any interesting relations b/w different topics.\n", + "\n", + "Or we can also get an idea of threshold from the dendrogram (with ‘single’ linkage function). You can refer to [this notebook](http://nbviewer.jupyter.org/github/parulsethi/gensim/blob/b9e7ab54dde98438b0e4f766ee764b81af704367/docs/notebooks/Topic_dendrogram.ipynb) for more details on topic dendrogram visualization. The y-values in the dendrogram represent the metric distances and if we choose a certain y-value then only those topics which are clustered below it would be connected. So let's plot the dendrogram now to see the sequential clustering process with increasing distance values." + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "# This input cell contains the modified code from Plotly[1]. \n", + "# It can be removed after PR (https://github.com/plotly/plotly.py/pull/807) gets merged.\n", + "\n", + "# [1] https://github.com/plotly/plotly.py/blob/master/plotly/figure_factory/_dendrogram.py\n", + "\n", + "from collections import OrderedDict\n", + "\n", + "from plotly import exceptions, optional_imports\n", + "from plotly.graph_objs import graph_objs\n", + "\n", + "# Optional imports, may be None for users that only use our core functionality.\n", + "np = optional_imports.get_module('numpy')\n", + "scp = optional_imports.get_module('scipy')\n", + "sch = optional_imports.get_module('scipy.cluster.hierarchy')\n", + "scs = optional_imports.get_module('scipy.spatial')\n", + "\n", + "\n", + "def create_dendrogram(X, orientation=\"bottom\", labels=None,\n", + " colorscale=None, distfun=None,\n", + " linkagefun=lambda x: sch.linkage(x, 'single'),\n", + " annotation=None):\n", + " \"\"\"\n", + " BETA function that returns a dendrogram Plotly figure object.\n", + "\n", + " :param (ndarray) X: Matrix of observations as array of arrays\n", + " :param (str) orientation: 'top', 'right', 'bottom', or 'left'\n", + " :param (list) labels: List of axis category labels(observation labels)\n", + " :param (list) colorscale: Optional colorscale for dendrogram tree\n", + " :param (function) distfun: Function to compute the pairwise distance from\n", + " the observations\n", + " :param (function) linkagefun: Function to compute the linkage matrix from\n", + " the pairwise distances\n", + "\n", + " clusters\n", + "\n", + " Example 1: Simple bottom oriented dendrogram\n", + " ```\n", + " import plotly.plotly as py\n", + " from plotly.figure_factory import create_dendrogram\n", + "\n", + " import numpy as np\n", + "\n", + " X = np.random.rand(10,10)\n", + " dendro = create_dendrogram(X)\n", + " plot_url = py.plot(dendro, filename='simple-dendrogram')\n", + "\n", + " ```\n", + "\n", + " Example 2: Dendrogram to put on the left of the heatmap\n", + " ```\n", + " import plotly.plotly as py\n", + " from plotly.figure_factory import create_dendrogram\n", + "\n", + " import numpy as np\n", + "\n", + " X = np.random.rand(5,5)\n", + " names = ['Jack', 'Oxana', 'John', 'Chelsea', 'Mark']\n", + " dendro = create_dendrogram(X, orientation='right', labels=names)\n", + " dendro['layout'].update({'width':700, 'height':500})\n", + "\n", + " py.iplot(dendro, filename='vertical-dendrogram')\n", + " ```\n", + "\n", + " Example 3: Dendrogram with Pandas\n", + " ```\n", + " import plotly.plotly as py\n", + " from plotly.figure_factory import create_dendrogram\n", + "\n", + " import numpy as np\n", + " import pandas as pd\n", + "\n", + " Index= ['A','B','C','D','E','F','G','H','I','J']\n", + " df = pd.DataFrame(abs(np.random.randn(10, 10)), index=Index)\n", + " fig = create_dendrogram(df, labels=Index)\n", + " url = py.plot(fig, filename='pandas-dendrogram')\n", + " ```\n", + " \"\"\"\n", + " if not scp or not scs or not sch:\n", + " raise ImportError(\"FigureFactory.create_dendrogram requires scipy, \\\n", + " scipy.spatial and scipy.hierarchy\")\n", + "\n", + " s = X.shape\n", + " if len(s) != 2:\n", + " exceptions.PlotlyError(\"X should be 2-dimensional array.\")\n", + "\n", + " if distfun is None:\n", + " distfun = scs.distance.pdist\n", + "\n", + " dendrogram = _Dendrogram(X, orientation, labels, colorscale,\n", + " distfun=distfun, linkagefun=linkagefun,\n", + " annotation=annotation)\n", + "\n", + " return {'layout': dendrogram.layout,\n", + " 'data': dendrogram.data}\n", + "\n", + "\n", + "class _Dendrogram(object):\n", + " \"\"\"Refer to FigureFactory.create_dendrogram() for docstring.\"\"\"\n", + "\n", + " def __init__(self, X, orientation='bottom', labels=None, colorscale=None,\n", + " width=\"100%\", height=\"100%\", xaxis='xaxis', yaxis='yaxis',\n", + " distfun=None,\n", + " linkagefun=lambda x: sch.linkage(x, 'single'),\n", + " annotation=None):\n", + " self.orientation = orientation\n", + " self.labels = labels\n", + " self.xaxis = xaxis\n", + " self.yaxis = yaxis\n", + " self.data = []\n", + " self.leaves = []\n", + " self.sign = {self.xaxis: 1, self.yaxis: 1}\n", + " self.layout = {self.xaxis: {}, self.yaxis: {}}\n", + "\n", + " if self.orientation in ['left', 'bottom']:\n", + " self.sign[self.xaxis] = 1\n", + " else:\n", + " self.sign[self.xaxis] = -1\n", + "\n", + " if self.orientation in ['right', 'bottom']:\n", + " self.sign[self.yaxis] = 1\n", + " else:\n", + " self.sign[self.yaxis] = -1\n", + "\n", + " if distfun is None:\n", + " distfun = scs.distance.pdist\n", + "\n", + " (dd_traces, xvals, yvals,\n", + " ordered_labels, leaves) = self.get_dendrogram_traces(X, colorscale, distfun, linkagefun, annotation)\n", + "\n", + " self.labels = ordered_labels\n", + " self.leaves = leaves\n", + " yvals_flat = yvals.flatten()\n", + " xvals_flat = xvals.flatten()\n", + "\n", + " self.zero_vals = []\n", + "\n", + " for i in range(len(yvals_flat)):\n", + " if yvals_flat[i] == 0.0 and xvals_flat[i] not in self.zero_vals:\n", + " self.zero_vals.append(xvals_flat[i])\n", + "\n", + " self.zero_vals.sort()\n", + "\n", + " self.layout = self.set_figure_layout(width, height)\n", + " self.data = graph_objs.Data(dd_traces)\n", + "\n", + " def get_color_dict(self, colorscale):\n", + " \"\"\"\n", + " Returns colorscale used for dendrogram tree clusters.\n", + "\n", + " :param (list) colorscale: Colors to use for the plot in rgb format.\n", + " :rtype (dict): A dict of default colors mapped to the user colorscale.\n", + "\n", + " \"\"\"\n", + "\n", + " # These are the color codes returned for dendrograms\n", + " # We're replacing them with nicer colors\n", + " d = {'r': 'red',\n", + " 'g': 'green',\n", + " 'b': 'blue',\n", + " 'c': 'cyan',\n", + " 'm': 'magenta',\n", + " 'y': 'yellow',\n", + " 'k': 'black',\n", + " 'w': 'white'}\n", + " default_colors = OrderedDict(sorted(d.items(), key=lambda t: t[0]))\n", + "\n", + " if colorscale is None:\n", + " colorscale = [\n", + " 'rgb(0,116,217)', # blue\n", + " 'rgb(35,205,205)', # cyan\n", + " 'rgb(61,153,112)', # green\n", + " 'rgb(40,35,35)', # black\n", + " 'rgb(133,20,75)', # magenta\n", + " 'rgb(255,65,54)', # red\n", + " 'rgb(255,255,255)', # white\n", + " 'rgb(255,220,0)'] # yellow\n", + "\n", + " for i in range(len(default_colors.keys())):\n", + " k = list(default_colors.keys())[i] # PY3 won't index keys\n", + " if i < len(colorscale):\n", + " default_colors[k] = colorscale[i]\n", + "\n", + " return default_colors\n", + "\n", + " def set_axis_layout(self, axis_key):\n", + " \"\"\"\n", + " Sets and returns default axis object for dendrogram figure.\n", + "\n", + " :param (str) axis_key: E.g., 'xaxis', 'xaxis1', 'yaxis', yaxis1', etc.\n", + " :rtype (dict): An axis_key dictionary with set parameters.\n", + "\n", + " \"\"\"\n", + " axis_defaults = {\n", + " 'type': 'linear',\n", + " 'ticks': 'outside',\n", + " 'mirror': 'allticks',\n", + " 'rangemode': 'tozero',\n", + " 'showticklabels': True,\n", + " 'zeroline': False,\n", + " 'showgrid': False,\n", + " 'showline': True,\n", + " }\n", + "\n", + " if len(self.labels) != 0:\n", + " axis_key_labels = self.xaxis\n", + " if self.orientation in ['left', 'right']:\n", + " axis_key_labels = self.yaxis\n", + " if axis_key_labels not in self.layout:\n", + " self.layout[axis_key_labels] = {}\n", + " self.layout[axis_key_labels]['tickvals'] = \\\n", + " [zv*self.sign[axis_key] for zv in self.zero_vals]\n", + " self.layout[axis_key_labels]['ticktext'] = self.labels\n", + " self.layout[axis_key_labels]['tickmode'] = 'array'\n", + "\n", + " self.layout[axis_key].update(axis_defaults)\n", + "\n", + " return self.layout[axis_key]\n", + "\n", + " def set_figure_layout(self, width, height):\n", + " \"\"\"\n", + " Sets and returns default layout object for dendrogram figure.\n", + "\n", + " \"\"\"\n", + " self.layout.update({\n", + " 'showlegend': False,\n", + " 'autosize': False,\n", + " 'hovermode': 'closest',\n", + " 'width': width,\n", + " 'height': height\n", + " })\n", + "\n", + " self.set_axis_layout(self.xaxis)\n", + " self.set_axis_layout(self.yaxis)\n", + "\n", + " return self.layout\n", + "\n", + " def get_dendrogram_traces(self, X, colorscale, distfun, linkagefun, annotation):\n", + " \"\"\"\n", + " Calculates all the elements needed for plotting a dendrogram.\n", + "\n", + " :param (ndarray) X: Matrix of observations as array of arrays\n", + " :param (list) colorscale: Color scale for dendrogram tree clusters\n", + " :param (function) distfun: Function to compute the pairwise distance\n", + " from the observations\n", + " :param (function) linkagefun: Function to compute the linkage matrix\n", + " from the pairwise distances\n", + " :rtype (tuple): Contains all the traces in the following order:\n", + " (a) trace_list: List of Plotly trace objects for dendrogram tree\n", + " (b) icoord: All X points of the dendrogram tree as array of arrays\n", + " with length 4\n", + " (c) dcoord: All Y points of the dendrogram tree as array of arrays\n", + " with length 4\n", + " (d) ordered_labels: leaf labels in the order they are going to\n", + " appear on the plot\n", + " (e) P['leaves']: left-to-right traversal of the leaves\n", + "\n", + " \"\"\"\n", + " d = distfun(X)\n", + " Z = linkagefun(d)\n", + " P = sch.dendrogram(Z, orientation=self.orientation,\n", + " labels=self.labels, no_plot=True)\n", + "\n", + " icoord = scp.array(P['icoord'])\n", + " dcoord = scp.array(P['dcoord'])\n", + " ordered_labels = scp.array(P['ivl'])\n", + " color_list = scp.array(P['color_list'])\n", + " colors = self.get_color_dict(colorscale)\n", + "\n", + " trace_list = []\n", + "\n", + " for i in range(len(icoord)):\n", + " # xs and ys are arrays of 4 points that make up the '∩' shapes\n", + " # of the dendrogram tree\n", + " if self.orientation in ['top', 'bottom']:\n", + " xs = icoord[i]\n", + " else:\n", + " xs = dcoord[i]\n", + "\n", + " if self.orientation in ['top', 'bottom']:\n", + " ys = dcoord[i]\n", + " else:\n", + " ys = icoord[i]\n", + " color_key = color_list[i]\n", + " text_annotation = None\n", + " if annotation:\n", + " text_annotation = annotation[i]\n", + " trace = graph_objs.Scatter(\n", + " x=np.multiply(self.sign[self.xaxis], xs),\n", + " y=np.multiply(self.sign[self.yaxis], ys),\n", + " mode='lines',\n", + " marker=graph_objs.Marker(color=colors[color_key]),\n", + " text=text_annotation,\n", + " hoverinfo='text'\n", + " )\n", + "\n", + " try:\n", + " x_index = int(self.xaxis[-1])\n", + " except ValueError:\n", + " x_index = ''\n", + "\n", + " try:\n", + " y_index = int(self.yaxis[-1])\n", + " except ValueError:\n", + " y_index = ''\n", + "\n", + " trace['xaxis'] = 'x' + x_index\n", + " trace['yaxis'] = 'y' + y_index\n", + " trace_list.append(trace)\n", + "\n", + " return trace_list, icoord, dcoord, ordered_labels, P['leaves']" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.plotly.v1+json": { + "data": [ + { + "hoverinfo": "text", + "marker": { + "color": "rgb(61,153,112)" + }, + "mode": "lines", + "text": [ + "['october', 'd', 'asking', 'voter', 'trial', 'pic', 'took', 'armed', 'charged', 'we']", + [], + [], + "['3', 'october', 'currently', 'early', 'voter', 'colorado', 'schwartz', 'winner', 'lead', '0']" + ], + "type": "scatter", + "x": [ + 155, + 155, + 165, + 165 + ], + "xaxis": "x", + "y": [ + 0, + 0.30135198617159836, + 0.30135198617159836, + 0 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(255,65,54)" + }, + "mode": "lines", + "text": [ + "['october', 'd', 'nypd', 'line', 'justice', 'political', 'washington', 'chief', 'goldman', 'we']", + [], + [], + "['october', 'd', 'security', 'clear', 'read', 'justice', 'washington', 'political', 'chief', 'we']" + ], + "type": "scatter", + "x": [ + 205, + 205, + 215, + 215 + ], + "xaxis": "x", + "y": [ + 0, + 0.20433085451924773, + 0.20433085451924773, + 0 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(255,65,54)" + }, + "mode": "lines", + "text": [ + "['october', 'security', 'establishment', 'result', 'early', 'relations', 'clear', 'armed', 'lead', 'political']", + [], + [], + "['security', 'took', 'destruction', 'clear', 'armed', 'line', 'political', 'washington', 'we', 'life']" + ], + "type": "scatter", + "x": [ + 245, + 245, + 255, + 255 + ], + "xaxis": "x", + "y": [ + 0, + 0.21336308183100594, + 0.21336308183100594, + 0 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(255,65,54)" + }, + "mode": "lines", + "text": [ + "['security', 'establishment', 'isn', 'destruction', 'read', 'clear', 'political', 'we', 'washington', 'life']", + [], + [], + "['d', 'mins', 'getting', '3', 'isn', 'hand', 'thank', 'read', 'stories', 'we']" + ], + "type": "scatter", + "x": [ + 265, + 265, + 275, + 275 + ], + "xaxis": "x", + "y": [ + 0, + 0.21747072170909557, + 0.21747072170909557, + 0 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(255,65,54)" + }, + "mode": "lines", + "text": [ + "+++: ['security', 'clear', 'armed', 'we', 'political', 'washington', 'chief', 'nation', 'real', 'russian']
---: ['october', 'result', 'line', '0', 'life', 'native', 'large', 'able', 'present', 'second']", + [], + [], + "+++: ['isn', 'read', 'we', 'political', 'life', 'nation', 'won', 'real', 'll', 'this']
---: ['3', 'security', 'hand', 'stories', 'washington', 'moment', 'saw', 'able', 'possible', 'second']" + ], + "type": "scatter", + "x": [ + 250, + 250, + 270, + 270 + ], + "xaxis": "x", + "y": [ + 0.21336308183100594, + 0.21804251459209004, + 0.21804251459209004, + 0.21747072170909557 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(255,65,54)" + }, + "mode": "lines", + "text": [ + "['3', 'food', 'mitchell', 'hand', 'path', 'soul', 'read', 'we', 'life', 'possibilities']", + [], + [], + "+++: ['the', 'right', 'way', 'is', 'country', 'we', 'political', 'media', 'white', 'nation']
---: ['security', 'isn', 'read', 'clear', 'armed', 'washington', 'chief', 'life', 'won', 'russian']" + ], + "type": "scatter", + "x": [ + 235, + 235, + 260, + 260 + ], + "xaxis": "x", + "y": [ + 0, + 0.23375056044071596, + 0.23375056044071596, + 0.21804251459209004 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(255,65,54)" + }, + "mode": "lines", + "text": [ + "['org', 'october', 'd', '3', 'protest', 'establishment', 'took', 'stories', 'we', 'political']", + [], + [], + "+++: ['the', 'right', 'way', 'is', 'country', 'we', 'real', 'good', 'state', 'year']
---: ['3', 'food', 'mitchell', 'hand', 'path', 'soul', 'read', 'political', 'life', 'nation']" + ], + "type": "scatter", + "x": [ + 225, + 225, + 247.5, + 247.5 + ], + "xaxis": "x", + "y": [ + 0, + 0.26407808018236467, + 0.26407808018236467, + 0.23375056044071596 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(255,65,54)" + }, + "mode": "lines", + "text": [ + "+++: ['october', 'd', 'justice', 'washington', 'political', 'chief', 'we', 'foundation', 'this', 'comey']
---: ['security', 'nypd', 'line', 'manager', 'doj', 'america', 'kadzik', 'july', 'a', 'learned']", + [], + [], + "+++: ['the', 'right', 'way', 'country', 'we', 'real', 'good', 'state', 'year', 'this']
---: ['org', 'october', 'd', '3', 'protest', 'establishment', 'took', 'stories', 'political', 'washington']" + ], + "type": "scatter", + "x": [ + 210, + 210, + 236.25, + 236.25 + ], + "xaxis": "x", + "y": [ + 0.20433085451924773, + 0.2683711916292657, + 0.2683711916292657, + 0.26407808018236467 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(255,65,54)" + }, + "mode": "lines", + "text": [ + "['october', 'tehran', 'security', 'took', 'clear', 'armed', 'line', 'washington', 'we', 'political']", + [], + [], + "+++: ['the', 'right', 'going', 'work', 'way', 'think', 'and', 'that', 'know', 'i']
---: ['october', 'd', 'justice', 'washington', 'political', 'chief', 'real', 'foundation', 'comey', 'possible']" + ], + "type": "scatter", + "x": [ + 195, + 195, + 223.125, + 223.125 + ], + "xaxis": "x", + "y": [ + 0, + 0.2686458161812807, + 0.2686458161812807, + 0.2683711916292657 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(255,65,54)" + }, + "mode": "lines", + "text": [ + "['october', '3', 'food', 'currently', 'early', 'clear', 'tags', '0', 'we', 'political']", + [], + [], + "+++: ['the', 'way', 'think', 'and', 'that', 'i', 'we', 're', 'fact', 'state']
---: ['october', 'security', 'armed', 'line', 'political', 'washington', 'militant', 'fighting', 'hezbollah', 'crimes']" + ], + "type": "scatter", + "x": [ + 185, + 185, + 209.0625, + 209.0625 + ], + "xaxis": "x", + "y": [ + 0, + 0.3066587417203187, + 0.3066587417203187, + 0.2686458161812807 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(255,65,54)" + }, + "mode": "lines", + "text": [ + "['3', 'currently', 'october', 'result', 'lead', 'prohibition', 'we', '0', 'insurers', 'life']", + [], + [], + "['3', 'getting', 'food', 'undocumented', 'security', 'line', 'political', '0', 'washington', 'we']" + ], + "type": "scatter", + "x": [ + 285, + 285, + 295, + 295 + ], + "xaxis": "x", + "y": [ + 0, + 0.3129272952316177, + 0.3129272952316177, + 0 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(255,65,54)" + }, + "mode": "lines", + "text": [ + "+++: ['the', 'way', 'we', 'fact', 'state', 'year', 'long', 'years']
---: ['october', '3', 'food', 'currently', 'early', 'clear', 'tags', 'political', '0', 'life']", + [], + [], + "+++: ['3', '0', 'we', 'nation', 'real', 'large', 'america', 'industry', 'high', 'legal']
---: ['currently', 'october', 'food', 'undocumented', 'security', 'result', 'line', 'insurers', 'political', 'washington']" + ], + "type": "scatter", + "x": [ + 197.03125, + 197.03125, + 290, + 290 + ], + "xaxis": "x", + "y": [ + 0.3066587417203187, + 0.3132561331406368, + 0.3132561331406368, + 0.3129272952316177 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(0,116,217)" + }, + "mode": "lines", + "text": [ + "['october', 'mins', 'security', 'negotiations', 'islands', 'relations', 'clear', 'took', 'political', 'we']", + [], + [], + "+++: ['the', 'way', 'we', 'fact', 'state', 'year', 'long', 'years']
---: ['3', 'right', '2', 'executive', '0', 'citizens', 'come', 'nation', 'increased', 'real']" + ], + "type": "scatter", + "x": [ + 175, + 175, + 243.515625, + 243.515625 + ], + "xaxis": "x", + "y": [ + 0, + 0.3314790813616175, + 0.3314790813616175, + 0.3132561331406368 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(0,116,217)" + }, + "mode": "lines", + "text": [ + "+++: ['october', 'voter', 'we', 'won', 'this', 'case', 'office', 'rigged', 'candidate', 'ballots']
---: ['3', 'currently', 'schwartz', 'trial', 'armed', 'line', '0', 'political', 'petition', 'real']", + [], + [], + "+++: ['the', 'way', 'we', 'fact', 'state', 'year', 'long', 'years']
---: ['october', 'mins', 'security', 'negotiations', 'islands', 'relations', 'clear', 'took', 'washington', 'political']" + ], + "type": "scatter", + "x": [ + 160, + 160, + 209.2578125, + 209.2578125 + ], + "xaxis": "x", + "y": [ + 0.30135198617159836, + 0.33197925073991885, + 0.33197925073991885, + 0.3314790813616175 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(0,116,217)" + }, + "mode": "lines", + "text": [ + "['october', '3', 'protesters', 'protest', 'security', 'hair', 'hand', 'vehicle', 'took', 'pic']", + [], + [], + "+++: ['the', 'state', 'year', 'way', 'we']
---: ['october', 'voter', 'won', 'this', 'case', 'office', 'rigged', 'candidate', 'ballots', 'i']" + ], + "type": "scatter", + "x": [ + 145, + 145, + 184.62890625, + 184.62890625 + ], + "xaxis": "x", + "y": [ + 0, + 0.332106851071544, + 0.332106851071544, + 0.33197925073991885 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(0,116,217)" + }, + "mode": "lines", + "text": [ + "['d', 'mins', 'food', 'neanderthal', 'isn', 'humans', 'result', 'early', 'meteor', 'stories']", + [], + [], + "+++: ['the', 'state', 'year', 'way', 'we']
---: ['october', '3', 'protesters', 'protest', 'security', 'hair', 'hand', 'vehicle', 'took', 'pic']" + ], + "type": "scatter", + "x": [ + 135, + 135, + 164.814453125, + 164.814453125 + ], + "xaxis": "x", + "y": [ + 0, + 0.34173581106417317, + 0.34173581106417317, + 0.332106851071544 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(0,116,217)" + }, + "mode": "lines", + "text": [ + "['3', 'd', 'food', 'glaciers', 'field', 'result', 'contain', 'tissue', 'lead', 'particles']", + [], + [], + "['3', 'd', 'food', 'contain', 'g', 'read', 'x', 'supplements', 'we', '0']" + ], + "type": "scatter", + "x": [ + 305, + 305, + 315, + 315 + ], + "xaxis": "x", + "y": [ + 0, + 0.3422402090650555, + 0.3422402090650555, + 0 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(0,116,217)" + }, + "mode": "lines", + "text": [ + "+++: ['the', 'year', 'way', 'we']
---: ['d', 'mins', 'food', 'neanderthal', 'isn', 'humans', 'result', 'early', 'meteor', 'stories']", + [], + [], + "+++: ['3', 'd', 'food', 'contain', 'reduce', 'possible', 'high', 'worldtruth', 'including', 'comes']
---: ['receive', 'result', 'g', 'x', 'supplements', '0', 'life', 'panic', 'mcg', 'apple']" + ], + "type": "scatter", + "x": [ + 149.9072265625, + 149.9072265625, + 310, + 310 + ], + "xaxis": "x", + "y": [ + 0.34173581106417317, + 0.34382594704496805, + 0.34382594704496805, + 0.3422402090650555 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(0,116,217)" + }, + "mode": "lines", + "text": [ + "['competition', '3', 'security', 'result', 'tesla', 'read', 'clear', 'line', '0', 'blog']", + [], + [], + "+++: ['the', 'year', 'way']
---: ['water', '3', 'd', 'food', 'contain', '2', 'we', 'actually', 'reduce', '20']" + ], + "type": "scatter", + "x": [ + 125, + 125, + 229.95361328125, + 229.95361328125 + ], + "xaxis": "x", + "y": [ + 0, + 0.3494192755733978, + 0.3494192755733978, + 0.34382594704496805 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(0,116,217)" + }, + "mode": "lines", + "text": [ + "['october', 'd', 'getting', 'isn', 'took', 'we', 'christ', 'officer', 'life', 'ceo']", + [], + [], + "['october', '3', 'result', 'bin', 'establishment', 'pathological', 'pic', 'clear', 'x', 'anymore']" + ], + "type": "scatter", + "x": [ + 335, + 335, + 345, + 345 + ], + "xaxis": "x", + "y": [ + 0, + 0.33530166746511025, + 0.33530166746511025, + 0 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(0,116,217)" + }, + "mode": "lines", + "text": [ + "['notice', 'd', 'suffer', 'lab', 'food', 'isn', 'womb', 'scott', 'clear', 'x']", + [], + [], + "+++: ['october', 'we', 'amazing', 'life', 'll', 'this', 'able', 'doesn', 'case', 'a']
---: ['3', 'result', 'bin', 'isn', 'picture', 'x', 'stories', '0', 'political', 'real']" + ], + "type": "scatter", + "x": [ + 325, + 325, + 340, + 340 + ], + "xaxis": "x", + "y": [ + 0, + 0.35129158808551997, + 0.35129158808551997, + 0.33530166746511025 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(0,116,217)" + }, + "mode": "lines", + "text": [ + "+++: ['the', 'year']
---: ['receive', '3', 'security', 'result', 'tesla', 'read', 'clear', 'line', '0', 'blog']", + [], + [], + "+++: ['the', 'right', 'way', 'we', 'media', 'up', 'life', 'actually', 'good', 'com']
---: ['october', 'food', 'isn', 'scott', 'x', 'pills', 'political', 'amazing', 'real', 'players']" + ], + "type": "scatter", + "x": [ + 177.476806640625, + 177.476806640625, + 332.5, + 332.5 + ], + "xaxis": "x", + "y": [ + 0.3494192755733978, + 0.3513828465304287, + 0.3513828465304287, + 0.35129158808551997 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(0,116,217)" + }, + "mode": "lines", + "text": [ + "['october', '3', 'food', 'getting', 'field', 'greenhouse', 'vehicle', 'picture', 'we', 'renewable']", + [], + [], + "+++: ['the', 'year']
---: ['right', 'way', 'we', 'media', 'up', 'life', 'actually', 'good', 'com', 'suicide']" + ], + "type": "scatter", + "x": [ + 115, + 115, + 254.9884033203125, + 254.9884033203125 + ], + "xaxis": "x", + "y": [ + 0, + 0.36207531185782427, + 0.36207531185782427, + 0.3513828465304287 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(0,116,217)" + }, + "mode": "lines", + "text": [ + "['october', 'praises', 'security', 'early', 'p', 'clear', 'x', 'line', 'stories', 'political']", + [], + [], + "+++: ['the', 'year']
---: ['october', '3', 'food', 'getting', 'field', 'greenhouse', 'vehicle', 'picture', 'we', 'renewable']" + ], + "type": "scatter", + "x": [ + 105, + 105, + 184.99420166015625, + 184.99420166015625 + ], + "xaxis": "x", + "y": [ + 0, + 0.3721623243723292, + 0.3721623243723292, + 0.36207531185782427 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(0,116,217)" + }, + "mode": "lines", + "text": [ + "['security', 'field', 'hand', 'outburst', 'clear', 'justice', 'political', 'washington', 'we', 'won']", + [], + [], + "+++: ['the', 'year']
---: ['october', 'praises', 'security', 'early', 'p', 'clear', 'x', 'line', 'stories', 'political']" + ], + "type": "scatter", + "x": [ + 95, + 95, + 144.99710083007812, + 144.99710083007812 + ], + "xaxis": "x", + "y": [ + 0, + 0.37728501615310084, + 0.37728501615310084, + 0.3721623243723292 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(0,116,217)" + }, + "mode": "lines", + "text": [ + "['uncover', 'october', 'd', 'security', 'franco', 'architect', 'political', 'we', 'mobile', 'endure']", + [], + [], + "+++: ['the', 'year']
---: ['security', 'field', 'hand', 'outburst', 'clear', 'justice', 'political', 'washington', 'we', 'won']" + ], + "type": "scatter", + "x": [ + 85, + 85, + 119.99855041503906, + 119.99855041503906 + ], + "xaxis": "x", + "y": [ + 0, + 0.38032474705740754, + 0.38032474705740754, + 0.37728501615310084 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(0,116,217)" + }, + "mode": "lines", + "text": [ + "['org', 'october', '3', 'p', 'pic', 'slate', 'archive', 'unconfirmed', '0', 'we']", + [], + [], + "+++: ['the', 'year']
---: ['uncover', 'october', 'd', 'security', 'franco', 'architect', 'political', 'we', 'mobile', 'endure']" + ], + "type": "scatter", + "x": [ + 75, + 75, + 102.49927520751953, + 102.49927520751953 + ], + "xaxis": "x", + "y": [ + 0, + 0.3839725093065638, + 0.3839725093065638, + 0.38032474705740754 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(0,116,217)" + }, + "mode": "lines", + "text": [ + "['trans', 'october', '3', 'p', 'vs', 'took', 'thumbs', 'battalions', 'tags', 'we']", + [], + [], + "+++: ['the', 'year']
---: ['org', 'october', '3', 'p', 'pic', 'slate', 'archive', 'unconfirmed', '0', 'we']" + ], + "type": "scatter", + "x": [ + 65, + 65, + 88.74963760375977, + 88.74963760375977 + ], + "xaxis": "x", + "y": [ + 0, + 0.39811995565364255, + 0.39811995565364255, + 0.3839725093065638 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(0,116,217)" + }, + "mode": "lines", + "text": [ + "['marketplaces', 'suffer', 'cousin', 'appropriation', 'political', 'nurses', '0', 'won', 'fsa', 'nation']", + [], + [], + "+++: ['the', 'year']
---: ['off', 'october', '3', 'p', 'vs', 'took', 'thumbs', 'battalions', 'tags', 'we']" + ], + "type": "scatter", + "x": [ + 55, + 55, + 76.87481880187988, + 76.87481880187988 + ], + "xaxis": "x", + "y": [ + 0, + 0.4050397350268663, + 0.4050397350268663, + 0.39811995565364255 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(0,116,217)" + }, + "mode": "lines", + "text": [ + "['d', 'evacuation', 'breaks', '3', 'october', 'steel', 'p', 'islands', 'x', 'tons']", + [], + [], + "+++: ['the', 'year']
---: ['marketplaces', 'suffer', 'cousin', 'appropriation', 'political', 'nurses', '0', 'won', 'fsa', 'nation']" + ], + "type": "scatter", + "x": [ + 45, + 45, + 65.93740940093994, + 65.93740940093994 + ], + "xaxis": "x", + "y": [ + 0, + 0.4066990714457525, + 0.4066990714457525, + 0.4050397350268663 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(0,116,217)" + }, + "mode": "lines", + "text": [ + "['org', 'd', '3', 'result', 'proposition', 'appropriately', 'teas', 'clear', 'lead', 'australians']", + [], + [], + "+++: ['the', 'year']
---: ['d', 'evacuation', 'breaks', '3', 'october', 'steel', 'p', 'islands', 'x', 'tons']" + ], + "type": "scatter", + "x": [ + 35, + 35, + 55.46870470046997, + 55.46870470046997 + ], + "xaxis": "x", + "y": [ + 0, + 0.40990818502935716, + 0.40990818502935716, + 0.4066990714457525 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(0,116,217)" + }, + "mode": "lines", + "text": [ + "['october', 'sick', 'food', 'hair', 'trusts', 'read', 'x', 'superstore', 'scored', 'compartment']", + [], + [], + "+++: ['the', 'year']
---: ['org', 'd', '3', 'result', 'proposition', 'appropriately', 'teas', 'clear', 'lead', 'australians']" + ], + "type": "scatter", + "x": [ + 25, + 25, + 45.234352350234985, + 45.234352350234985 + ], + "xaxis": "x", + "y": [ + 0, + 0.4228019635629176, + 0.4228019635629176, + 0.40990818502935716 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(0,116,217)" + }, + "mode": "lines", + "text": [ + "['org', '3', 'd', 'orbit', 'glaciers', 'field', 'lab', 'p', 'tesla', 'objects']", + [], + [], + "+++: ['the', 'year']
---: ['october', 'sick', 'food', 'hair', 'trusts', 'read', 'x', 'superstore', 'scored', 'compartment']" + ], + "type": "scatter", + "x": [ + 15, + 15, + 35.11717617511749, + 35.11717617511749 + ], + "xaxis": "x", + "y": [ + 0, + 0.4379139957373382, + 0.4379139957373382, + 0.4228019635629176 + ], + "yaxis": "y" + }, + { + "hoverinfo": "text", + "marker": { + "color": "rgb(0,116,217)" + }, + "mode": "lines", + "text": [ + "['arabs', 'october', '3', 'disappoint', 'security', 'result', 'balfour', 'clear', 'armed', 'we']", + [], + [], + "+++: ['the']
---: ['org', '3', 'd', 'orbit', 'glaciers', 'field', 'lab', 'p', 'tesla', 'objects']" + ], + "type": "scatter", + "x": [ + 5, + 5, + 25.058588087558746, + 25.058588087558746 + ], + "xaxis": "x", + "y": [ + 0, + 0.4614169441220397, + 0.4614169441220397, + 0.4379139957373382 + ], + "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": [ + 19, + 16, + 2, + 10, + 6, + 23, + 20, + 31, + 15, + 14, + 28, + 13, + 7, + 9, + 33, + 12, + 25, + 34, + 5, + 32, + 4, + 30, + 11, + 35, + 18, + 24, + 17, + 29, + 3, + 22, + 21, + 26, + 27, + 1, + 8 + ], + "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" + } + ], + "source": [ + "from gensim.matutils import jensen_shannon\n", + "import scipy as scp\n", + "from scipy.cluster import hierarchy as sch\n", + "from scipy import spatial as scs\n", + "\n", + "# get topic distributions\n", + "topic_dist = lda_fake.state.get_lambda()\n", + "\n", + "# get topic terms\n", + "num_words = 300\n", + "topic_terms = [{w for (w, _) in lda_fake.show_topic(topic, topn=num_words)} for topic in range(topic_dist.shape[0])]\n", + "\n", + "# no. of terms to display in annotation\n", + "n_ann_terms = 10\n", + "\n", + "# use Jenson-Shannon distance metric in dendrogram\n", + "def js_dist(X):\n", + " return pdist(X, lambda u, v: jensen_shannon(u, v))\n", + "\n", + "# calculate text annotations\n", + "def text_annotation(topic_dist, topic_terms, n_ann_terms):\n", + " # get dendrogram hierarchy data\n", + " linkagefun = lambda x: sch.linkage(x, 'single')\n", + " d = js_dist(topic_dist)\n", + " Z = linkagefun(d)\n", + " P = sch.dendrogram(Z, orientation=\"bottom\", no_plot=True)\n", + "\n", + " # store topic no.(leaves) corresponding to the x-ticks in dendrogram\n", + " x_ticks = np.arange(5, len(P['leaves']) * 10 + 5, 10)\n", + " x_topic = dict(zip(P['leaves'], x_ticks))\n", + "\n", + " # store {topic no.:topic terms}\n", + " topic_vals = dict()\n", + " for key, val in x_topic.items():\n", + " topic_vals[val] = (topic_terms[key], topic_terms[key])\n", + "\n", + " text_annotations = []\n", + " # loop through every trace (scatter plot) in dendrogram\n", + " for trace in P['icoord']:\n", + " fst_topic = topic_vals[trace[0]]\n", + " scnd_topic = topic_vals[trace[2]]\n", + " \n", + " # annotation for two ends of current trace\n", + " pos_tokens_t1 = list(fst_topic[0])[:min(len(fst_topic[0]), n_ann_terms)]\n", + " neg_tokens_t1 = list(fst_topic[1])[:min(len(fst_topic[1]), n_ann_terms)]\n", + "\n", + " pos_tokens_t4 = list(scnd_topic[0])[:min(len(scnd_topic[0]), n_ann_terms)]\n", + " neg_tokens_t4 = list(scnd_topic[1])[:min(len(scnd_topic[1]), n_ann_terms)]\n", + "\n", + " t1 = \"
\".join((\": \".join((\"+++\", str(pos_tokens_t1))), \": \".join((\"---\", str(neg_tokens_t1)))))\n", + " t2 = t3 = ()\n", + " t4 = \"
\".join((\": \".join((\"+++\", str(pos_tokens_t4))), \": \".join((\"---\", str(neg_tokens_t4)))))\n", + "\n", + " # show topic terms in leaves\n", + " if trace[0] in x_ticks:\n", + " t1 = str(list(topic_vals[trace[0]][0])[:n_ann_terms])\n", + " if trace[2] in x_ticks:\n", + " t4 = str(list(topic_vals[trace[2]][0])[:n_ann_terms])\n", + "\n", + " text_annotations.append([t1, t2, t3, t4])\n", + "\n", + " # calculate intersecting/diff for upper level\n", + " intersecting = fst_topic[0] & scnd_topic[0]\n", + " different = fst_topic[0].symmetric_difference(scnd_topic[0])\n", + "\n", + " center = (trace[0] + trace[2]) / 2\n", + " topic_vals[center] = (intersecting, different)\n", + "\n", + " # remove trace value after it is annotated\n", + " topic_vals.pop(trace[0], None)\n", + " topic_vals.pop(trace[2], None) \n", + " \n", + " return text_annotations\n", + "\n", + "# get text annotations\n", + "annotation = text_annotation(topic_dist, topic_terms, n_ann_terms)\n", + "\n", + "# Plot dendrogram\n", + "dendro = create_dendrogram(topic_dist, distfun=js_dist, labels=range(1, 36), annotation=annotation)\n", + "dendro['layout'].update({'width': 1000, 'height': 600})\n", + "py.iplot(dendro)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "From observing this dendrogram, we can try the threshold values between 0.3 to 0.35 for network graph, as the topics are clustered in distinct groups below them and this could plot separate clusters of related topics in the network graph.\n", + "\n", + "But then why do we need to use network graph if the dendrogram already shows the topic clusters with a clear sequence of how topics joined one after the other. The problem is that we can't see the direct relation of any topic with another topic except if they are directly paired at the first hierarchy level. The network graph let's us explore the inter-topic distances and at the same time observe clusters of closely related topics." + ] + } + ], + "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.4.3" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +}