{ "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": null, "metadata": {}, "outputs": [], "source": [ "!pip install plotly>=2.0.16 # 2.0.16 need for support 'hovertext' argument from create_dendrogram function" ] }, { "cell_type": "code", "execution_count": 1, "metadata": {}, "outputs": [], "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": {}, "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": {}, "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": {}, "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": {}, "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": {}, "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", "import plotly.figure_factory as ff\n", "\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": { "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()):\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": [ "+++: [u'military', u'iran', u'war', u'forces', u'government']
---: [u'operations', u'rebels', u'chinese', u'fighters', u'qaeda', u'mosul', u'assad', u'japan', u'daesh', u'iraqi']", "+++: [u'military', u'iran', u'war', u'forces', u'government']
---: [u'operations', u'rebels', u'chinese', u'fighters', u'qaeda', u'mosul', u'assad', u'japan', u'daesh', u'iraqi']", "+++: [u'military', u'iran', u'war', u'forces', u'government']
---: [u'operations', u'rebels', u'chinese', u'fighters', u'qaeda', u'mosul', u'assad', u'japan', u'daesh', u'iraqi']", "+++: [u'military', u'iran', u'war', u'forces', u'government']
---: [u'operations', u'rebels', u'chinese', u'fighters', u'qaeda', u'mosul', u'assad', u'japan', u'daesh', u'iraqi']", "+++: [u'military', u'iran', u'war', u'forces', u'government']
---: [u'operations', u'rebels', u'chinese', u'fighters', u'qaeda', u'mosul', u'assad', u'japan', u'daesh', u'iraqi']", "+++: [u'military', u'iran', u'war', u'forces', u'government']
---: [u'operations', u'rebels', u'chinese', u'fighters', u'qaeda', u'mosul', u'assad', u'japan', u'daesh', u'iraqi']", "+++: [u'military', u'iran', u'war', u'forces', u'government']
---: [u'operations', u'rebels', u'chinese', u'fighters', u'qaeda', u'mosul', u'assad', u'japan', u'daesh', u'iraqi']", "+++: [u'military', u'iran', u'war', u'forces', u'government']
---: [u'operations', u'rebels', u'chinese', u'fighters', u'qaeda', u'mosul', u'assad', u'japan', u'daesh', u'iraqi']", "+++: [u'military', u'iran', u'war', u'forces', u'government']
---: [u'operations', u'rebels', u'chinese', u'fighters', u'qaeda', u'mosul', u'assad', u'japan', u'daesh', u'iraqi']", "+++: [u'military', u'iran', u'war', u'forces', u'government']
---: [u'operations', u'rebels', u'chinese', u'fighters', u'qaeda', u'mosul', u'assad', u'japan', u'daesh', u'iraqi']", null, "+++: [u'country']
---: [u'operations', u'chinese', u'protest', u'japan', u'group', u'air', u'black', u'thousands', u'government', u'food']", "+++: [u'country']
---: [u'operations', u'chinese', u'protest', u'japan', u'group', u'air', u'black', u'thousands', u'government', u'food']", "+++: [u'country']
---: [u'operations', u'chinese', u'protest', u'japan', u'group', u'air', u'black', u'thousands', u'government', u'food']", "+++: [u'country']
---: [u'operations', u'chinese', u'protest', u'japan', u'group', u'air', u'black', u'thousands', u'government', u'food']", "+++: [u'country']
---: [u'operations', u'chinese', u'protest', u'japan', u'group', u'air', u'black', u'thousands', u'government', u'food']", "+++: [u'country']
---: [u'operations', u'chinese', u'protest', u'japan', u'group', u'air', u'black', u'thousands', u'government', u'food']", "+++: [u'country']
---: [u'operations', u'chinese', u'protest', u'japan', u'group', u'air', u'black', u'thousands', u'government', u'food']", "+++: [u'country']
---: [u'operations', u'chinese', u'protest', u'japan', u'group', u'air', u'black', u'thousands', u'government', u'food']", "+++: [u'country']
---: [u'operations', u'chinese', u'protest', u'japan', u'group', u'air', u'black', u'thousands', u'government', u'food']", "+++: [u'country']
---: [u'operations', u'chinese', u'protest', u'japan', u'group', u'air', u'black', u'thousands', u'government', u'food']", null, "+++: [u'near', u'north']
---: [u'operations', u'chinese', u'dakota', u'japan', u'access', u'police', u'sheriff', u'lake', u'nato', u'local']", "+++: [u'near', u'north']
---: [u'operations', u'chinese', u'dakota', u'japan', u'access', u'police', u'sheriff', u'lake', u'nato', u'local']", "+++: [u'near', u'north']
---: [u'operations', u'chinese', u'dakota', u'japan', u'access', u'police', u'sheriff', u'lake', u'nato', u'local']", "+++: [u'near', u'north']
---: [u'operations', u'chinese', u'dakota', u'japan', u'access', u'police', u'sheriff', u'lake', u'nato', u'local']", "+++: [u'near', u'north']
---: [u'operations', u'chinese', u'dakota', u'japan', u'access', u'police', u'sheriff', u'lake', u'nato', u'local']", "+++: [u'near', u'north']
---: [u'operations', u'chinese', u'dakota', u'japan', u'access', u'police', u'sheriff', u'lake', u'nato', u'local']", "+++: [u'near', u'north']
---: [u'operations', u'chinese', u'dakota', u'japan', u'access', u'police', u'sheriff', u'lake', u'nato', u'local']", "+++: [u'near', u'north']
---: [u'operations', u'chinese', u'dakota', u'japan', u'access', u'police', u'sheriff', u'lake', u'nato', u'local']", "+++: [u'near', u'north']
---: [u'operations', u'chinese', u'dakota', u'japan', u'access', u'police', u'sheriff', u'lake', u'nato', u'local']", "+++: [u'near', u'north']
---: [u'operations', u'chinese', u'dakota', u'japan', u'access', u'police', u'sheriff', u'lake', u'nato', u'local']", null, "+++: [u'countries', u'country', u'government', u'china', u'minister', u'world', u'war']
---: [u'operations', u'chinese', u'german', u'known', u'london', u'japan', u'nato', u'joint', u'migrants', u'prime']", "+++: [u'countries', u'country', u'government', u'china', u'minister', u'world', u'war']
---: [u'operations', u'chinese', u'german', u'known', u'london', u'japan', u'nato', u'joint', u'migrants', u'prime']", "+++: [u'countries', u'country', u'government', u'china', u'minister', u'world', u'war']
---: [u'operations', u'chinese', u'german', u'known', u'london', u'japan', u'nato', u'joint', u'migrants', u'prime']", "+++: [u'countries', u'country', u'government', u'china', u'minister', u'world', u'war']
---: [u'operations', u'chinese', u'german', u'known', u'london', u'japan', u'nato', u'joint', u'migrants', u'prime']", "+++: [u'countries', u'country', u'government', u'china', u'minister', u'world', u'war']
---: [u'operations', u'chinese', u'german', u'known', u'london', u'japan', u'nato', u'joint', u'migrants', u'prime']", "+++: [u'countries', u'country', u'government', u'china', u'minister', u'world', u'war']
---: [u'operations', u'chinese', u'german', u'known', u'london', u'japan', u'nato', u'joint', u'migrants', u'prime']", "+++: [u'countries', u'country', u'government', u'china', u'minister', u'world', u'war']
---: [u'operations', u'chinese', u'german', u'known', u'london', u'japan', u'nato', u'joint', u'migrants', u'prime']", "+++: [u'countries', u'country', u'government', u'china', u'minister', u'world', u'war']
---: [u'operations', u'chinese', u'german', u'known', u'london', u'japan', u'nato', u'joint', u'migrants', u'prime']", "+++: [u'countries', u'country', u'government', u'china', u'minister', u'world', u'war']
---: [u'operations', u'chinese', u'german', u'known', u'london', u'japan', u'nato', u'joint', u'migrants', u'prime']", "+++: [u'countries', u'country', u'government', u'china', u'minister', u'world', u'war']
---: [u'operations', u'chinese', u'german', u'known', u'london', u'japan', u'nato', u'joint', u'migrants', u'prime']", null, "+++: [u'world', u'october']
---: [u'operations', u'chinese', u'years', u'japan', u'25', u'20', u'0', u'nato', u'4', u'2015']", "+++: [u'world', u'october']
---: [u'operations', u'chinese', u'years', u'japan', u'25', u'20', u'0', u'nato', u'4', u'2015']", "+++: [u'world', u'october']
---: [u'operations', u'chinese', u'years', u'japan', u'25', u'20', u'0', u'nato', u'4', u'2015']", "+++: [u'world', u'october']
---: [u'operations', u'chinese', u'years', u'japan', u'25', u'20', u'0', u'nato', u'4', u'2015']", "+++: [u'world', u'october']
---: [u'operations', u'chinese', u'years', u'japan', u'25', u'20', u'0', u'nato', u'4', u'2015']", "+++: [u'world', u'october']
---: [u'operations', u'chinese', u'years', u'japan', u'25', u'20', u'0', u'nato', u'4', u'2015']", "+++: [u'world', u'october']
---: [u'operations', u'chinese', u'years', u'japan', u'25', u'20', u'0', u'nato', u'4', u'2015']", "+++: [u'world', u'october']
---: [u'operations', u'chinese', u'years', u'japan', u'25', u'20', u'0', u'nato', u'4', u'2015']", "+++: [u'world', u'october']
---: [u'operations', u'chinese', u'years', u'japan', u'25', u'20', u'0', u'nato', u'4', u'2015']", "+++: [u'world', u'october']
---: [u'operations', u'chinese', u'years', u'japan', u'25', u'20', u'0', u'nato', u'4', u'2015']", null, "+++: []
---: [u'operations', u'office', u'money', u'years', u'including', u'japan', u'1', u'group', u'chinese', u'personal']", "+++: []
---: [u'operations', u'office', u'money', u'years', u'including', u'japan', u'1', u'group', u'chinese', u'personal']", "+++: []
---: [u'operations', u'office', u'money', u'years', u'including', u'japan', u'1', u'group', u'chinese', u'personal']", "+++: []
---: [u'operations', u'office', u'money', u'years', u'including', u'japan', u'1', u'group', u'chinese', u'personal']", "+++: []
---: [u'operations', u'office', u'money', u'years', u'including', u'japan', u'1', u'group', u'chinese', u'personal']", "+++: []
---: [u'operations', u'office', u'money', u'years', u'including', u'japan', u'1', u'group', u'chinese', u'personal']", "+++: []
---: [u'operations', u'office', u'money', u'years', u'including', u'japan', u'1', u'group', u'chinese', u'personal']", "+++: []
---: [u'operations', u'office', u'money', u'years', u'including', u'japan', u'1', u'group', u'chinese', u'personal']", "+++: []
---: [u'operations', u'office', u'money', u'years', u'including', u'japan', u'1', u'group', u'chinese', u'personal']", "+++: []
---: [u'operations', u'office', u'money', u'years', u'including', u'japan', u'1', u'group', u'chinese', u'personal']", null, "+++: [u'october', u'secretary']
---: [u'operations', u'chinese', u'japan', u'justice', u'source', u'nato', u'huma', u'sent', u'government', u'joint']", "+++: [u'october', u'secretary']
---: [u'operations', u'chinese', u'japan', u'justice', u'source', u'nato', u'huma', u'sent', u'government', u'joint']", "+++: [u'october', u'secretary']
---: [u'operations', u'chinese', u'japan', u'justice', u'source', u'nato', u'huma', u'sent', u'government', u'joint']", "+++: [u'october', u'secretary']
---: [u'operations', u'chinese', u'japan', u'justice', u'source', u'nato', u'huma', u'sent', u'government', u'joint']", "+++: [u'october', u'secretary']
---: [u'operations', u'chinese', u'japan', u'justice', u'source', u'nato', u'huma', u'sent', u'government', u'joint']", "+++: [u'october', u'secretary']
---: [u'operations', u'chinese', u'japan', u'justice', u'source', u'nato', u'huma', u'sent', u'government', u'joint']", "+++: [u'october', u'secretary']
---: [u'operations', u'chinese', u'japan', u'justice', u'source', u'nato', u'huma', u'sent', u'government', u'joint']", "+++: [u'october', u'secretary']
---: [u'operations', u'chinese', u'japan', u'justice', u'source', u'nato', u'huma', u'sent', u'government', u'joint']", "+++: [u'october', u'secretary']
---: [u'operations', u'chinese', u'japan', u'justice', u'source', u'nato', u'huma', u'sent', u'government', u'joint']", "+++: [u'october', u'secretary']
---: [u'operations', u'chinese', u'japan', u'justice', u'source', u'nato', u'huma', u'sent', u'government', u'joint']", null, "+++: [u'country', u'united']
---: [u'operations', u'office', u'elect', u'supporter', u'chinese', u'candidate', u'him', u'going', u'nato', u'he']", "+++: [u'country', u'united']
---: [u'operations', u'office', u'elect', u'supporter', u'chinese', u'candidate', u'him', u'going', u'nato', u'he']", "+++: [u'country', u'united']
---: [u'operations', u'office', u'elect', u'supporter', u'chinese', u'candidate', u'him', u'going', u'nato', u'he']", "+++: [u'country', u'united']
---: [u'operations', u'office', u'elect', u'supporter', u'chinese', u'candidate', u'him', u'going', u'nato', u'he']", "+++: [u'country', u'united']
---: [u'operations', u'office', u'elect', u'supporter', u'chinese', u'candidate', u'him', u'going', u'nato', u'he']", "+++: [u'country', u'united']
---: [u'operations', u'office', u'elect', u'supporter', u'chinese', u'candidate', u'him', u'going', u'nato', u'he']", "+++: [u'country', u'united']
---: [u'operations', u'office', u'elect', u'supporter', u'chinese', u'candidate', u'him', u'going', u'nato', u'he']", "+++: [u'country', u'united']
---: [u'operations', u'office', u'elect', u'supporter', u'chinese', u'candidate', u'him', u'going', u'nato', u'he']", "+++: [u'country', u'united']
---: [u'operations', u'office', u'elect', u'supporter', u'chinese', u'candidate', u'him', u'going', u'nato', u'he']", "+++: [u'country', u'united']
---: [u'operations', u'office', u'elect', u'supporter', u'chinese', u'candidate', u'him', u'going', u'nato', u'he']", null, "+++: [u'security', u'officials', u'government']
---: [u'operations', u'office', u'legal', u'japan', u'police', u'chinese', u'justice', u'crime', u'arrest', u'nato']", "+++: [u'security', u'officials', u'government']
---: [u'operations', u'office', u'legal', u'japan', u'police', u'chinese', u'justice', u'crime', u'arrest', u'nato']", "+++: [u'security', u'officials', u'government']
---: [u'operations', u'office', u'legal', u'japan', u'police', u'chinese', u'justice', u'crime', u'arrest', u'nato']", "+++: [u'security', u'officials', u'government']
---: [u'operations', u'office', u'legal', u'japan', u'police', u'chinese', u'justice', u'crime', u'arrest', u'nato']", "+++: [u'security', u'officials', u'government']
---: [u'operations', u'office', u'legal', u'japan', u'police', u'chinese', u'justice', u'crime', u'arrest', u'nato']", "+++: [u'security', u'officials', u'government']
---: [u'operations', u'office', u'legal', u'japan', u'police', u'chinese', u'justice', u'crime', u'arrest', u'nato']", "+++: [u'security', u'officials', u'government']
---: [u'operations', u'office', u'legal', u'japan', u'police', u'chinese', u'justice', u'crime', u'arrest', u'nato']", "+++: [u'security', u'officials', u'government']
---: [u'operations', u'office', u'legal', u'japan', u'police', u'chinese', u'justice', u'crime', u'arrest', u'nato']", "+++: [u'security', u'officials', u'government']
---: [u'operations', u'office', u'legal', u'japan', u'police', u'chinese', u'justice', u'crime', u'arrest', u'nato']", "+++: [u'security', u'officials', u'government']
---: [u'operations', u'office', u'legal', u'japan', u'police', u'chinese', u'justice', u'crime', u'arrest', u'nato']", null, "+++: []
---: [u'operations', u'help', u'chinese', u'cdc', u'japan', u'children', u'vaccines', u'symptoms', u'air', u'nato']", "+++: []
---: [u'operations', u'help', u'chinese', u'cdc', u'japan', u'children', u'vaccines', u'symptoms', u'air', u'nato']", "+++: []
---: [u'operations', u'help', u'chinese', u'cdc', u'japan', u'children', u'vaccines', u'symptoms', u'air', u'nato']", "+++: []
---: [u'operations', u'help', u'chinese', u'cdc', u'japan', u'children', u'vaccines', u'symptoms', u'air', u'nato']", "+++: []
---: [u'operations', u'help', u'chinese', u'cdc', u'japan', u'children', u'vaccines', u'symptoms', u'air', u'nato']", "+++: []
---: [u'operations', u'help', u'chinese', u'cdc', u'japan', u'children', u'vaccines', u'symptoms', u'air', u'nato']", "+++: []
---: [u'operations', u'help', u'chinese', u'cdc', u'japan', u'children', u'vaccines', u'symptoms', u'air', u'nato']", "+++: []
---: [u'operations', u'help', u'chinese', u'cdc', u'japan', u'children', u'vaccines', u'symptoms', u'air', u'nato']", "+++: []
---: [u'operations', u'help', u'chinese', u'cdc', u'japan', u'children', u'vaccines', u'symptoms', u'air', u'nato']", "+++: []
---: [u'operations', u'help', u'chinese', u'cdc', u'japan', u'children', u'vaccines', u'symptoms', u'air', u'nato']", null, "+++: [u'world']
---: [u'operations', u'help', u'chinese', u'human', u'japan', u'based', u'personal', u'better', u'nato', u'government']", "+++: [u'world']
---: [u'operations', u'help', u'chinese', u'human', u'japan', u'based', u'personal', u'better', u'nato', u'government']", "+++: [u'world']
---: [u'operations', u'help', u'chinese', u'human', u'japan', u'based', u'personal', u'better', u'nato', u'government']", "+++: [u'world']
---: [u'operations', u'help', u'chinese', u'human', u'japan', u'based', u'personal', u'better', u'nato', u'government']", "+++: [u'world']
---: [u'operations', u'help', u'chinese', u'human', u'japan', u'based', u'personal', u'better', u'nato', u'government']", "+++: [u'world']
---: [u'operations', u'help', u'chinese', u'human', u'japan', u'based', u'personal', u'better', u'nato', u'government']", "+++: [u'world']
---: [u'operations', u'help', u'chinese', u'human', u'japan', u'based', u'personal', u'better', u'nato', u'government']", "+++: [u'world']
---: [u'operations', u'help', u'chinese', u'human', u'japan', u'based', u'personal', u'better', u'nato', u'government']", "+++: [u'world']
---: [u'operations', u'help', u'chinese', u'human', u'japan', u'based', u'personal', u'better', u'nato', u'government']", "+++: [u'world']
---: [u'operations', u'help', u'chinese', u'human', u'japan', u'based', u'personal', u'better', u'nato', u'government']", null, "+++: [u'united', u'u', u'russia', u'government', u'nuclear', u'countries', u'washington', u'foreign', u'states', u'nato']
---: [u'operations', u'coup', u'force', u'clinton', u'vladimir', u'chinese', u'intelligence', u'general', u'middle', u'defense']", "+++: [u'united', u'u', u'russia', u'government', u'nuclear', u'countries', u'washington', u'foreign', u'states', u'nato']
---: [u'operations', u'coup', u'force', u'clinton', u'vladimir', u'chinese', u'intelligence', u'general', u'middle', u'defense']", "+++: [u'united', u'u', u'russia', u'government', u'nuclear', u'countries', u'washington', u'foreign', u'states', u'nato']
---: [u'operations', u'coup', u'force', u'clinton', u'vladimir', u'chinese', u'intelligence', u'general', u'middle', u'defense']", "+++: [u'united', u'u', u'russia', u'government', u'nuclear', u'countries', u'washington', u'foreign', u'states', u'nato']
---: [u'operations', u'coup', u'force', u'clinton', u'vladimir', u'chinese', u'intelligence', u'general', u'middle', u'defense']", "+++: [u'united', u'u', u'russia', u'government', u'nuclear', u'countries', u'washington', u'foreign', u'states', u'nato']
---: [u'operations', u'coup', u'force', u'clinton', u'vladimir', u'chinese', u'intelligence', u'general', u'middle', u'defense']", "+++: [u'united', u'u', u'russia', u'government', u'nuclear', u'countries', u'washington', u'foreign', u'states', u'nato']
---: [u'operations', u'coup', u'force', u'clinton', u'vladimir', u'chinese', u'intelligence', u'general', u'middle', u'defense']", "+++: [u'united', u'u', u'russia', u'government', u'nuclear', u'countries', u'washington', u'foreign', u'states', u'nato']
---: [u'operations', u'coup', u'force', u'clinton', u'vladimir', u'chinese', u'intelligence', u'general', u'middle', u'defense']", "+++: [u'united', u'u', u'russia', u'government', u'nuclear', u'countries', u'washington', u'foreign', u'states', u'nato']
---: [u'operations', u'coup', u'force', u'clinton', u'vladimir', u'chinese', u'intelligence', u'general', u'middle', u'defense']", "+++: [u'united', u'u', u'russia', u'government', u'nuclear', u'countries', u'washington', u'foreign', u'states', u'nato']
---: [u'operations', u'coup', u'force', u'clinton', u'vladimir', u'chinese', u'intelligence', u'general', u'middle', u'defense']", "+++: [u'united', u'u', u'russia', u'government', u'nuclear', u'countries', u'washington', u'foreign', u'states', u'nato']
---: [u'operations', u'coup', u'force', u'clinton', u'vladimir', u'chinese', u'intelligence', u'general', u'middle', u'defense']", null, "+++: [u'united', u'government', u'country', u'washington', u'foreign', u'states', u'u', u'security', u'border', u'secretary']
---: [u'operations', u'office', u'executive', u'committee', u'japan', u'issues', u'judges', u'chinese', u'justice', u'barack']", "+++: [u'united', u'government', u'country', u'washington', u'foreign', u'states', u'u', u'security', u'border', u'secretary']
---: [u'operations', u'office', u'executive', u'committee', u'japan', u'issues', u'judges', u'chinese', u'justice', u'barack']", "+++: [u'united', u'government', u'country', u'washington', u'foreign', u'states', u'u', u'security', u'border', u'secretary']
---: [u'operations', u'office', u'executive', u'committee', u'japan', u'issues', u'judges', u'chinese', u'justice', u'barack']", "+++: [u'united', u'government', u'country', u'washington', u'foreign', u'states', u'u', u'security', u'border', u'secretary']
---: [u'operations', u'office', u'executive', u'committee', u'japan', u'issues', u'judges', u'chinese', u'justice', u'barack']", "+++: [u'united', u'government', u'country', u'washington', u'foreign', u'states', u'u', u'security', u'border', u'secretary']
---: [u'operations', u'office', u'executive', u'committee', u'japan', u'issues', u'judges', u'chinese', u'justice', u'barack']", "+++: [u'united', u'government', u'country', u'washington', u'foreign', u'states', u'u', u'security', u'border', u'secretary']
---: [u'operations', u'office', u'executive', u'committee', u'japan', u'issues', u'judges', u'chinese', u'justice', u'barack']", "+++: [u'united', u'government', u'country', u'washington', u'foreign', u'states', u'u', u'security', u'border', u'secretary']
---: [u'operations', u'office', u'executive', u'committee', u'japan', u'issues', u'judges', u'chinese', u'justice', u'barack']", "+++: [u'united', u'government', u'country', u'washington', u'foreign', u'states', u'u', u'security', u'border', u'secretary']
---: [u'operations', u'office', u'executive', u'committee', u'japan', u'issues', u'judges', u'chinese', u'justice', u'barack']", "+++: [u'united', u'government', u'country', u'washington', u'foreign', u'states', u'u', u'security', u'border', u'secretary']
---: [u'operations', u'office', u'executive', u'committee', u'japan', u'issues', u'judges', u'chinese', u'justice', u'barack']", "+++: [u'united', u'government', u'country', u'washington', u'foreign', u'states', u'u', u'security', u'border', u'secretary']
---: [u'operations', u'office', u'executive', u'committee', u'japan', u'issues', u'judges', u'chinese', u'justice', u'barack']", null, "+++: [u'states']
---: [u'operations', u'chinese', u'democrats', u'japan', u'debate', u'votes', u'candidate', u'candidates', u'government', u'early']", "+++: [u'states']
---: [u'operations', u'chinese', u'democrats', u'japan', u'debate', u'votes', u'candidate', u'candidates', u'government', u'early']", "+++: [u'states']
---: [u'operations', u'chinese', u'democrats', u'japan', u'debate', u'votes', u'candidate', u'candidates', u'government', u'early']", "+++: [u'states']
---: [u'operations', u'chinese', u'democrats', u'japan', u'debate', u'votes', u'candidate', u'candidates', u'government', u'early']", "+++: [u'states']
---: [u'operations', u'chinese', u'democrats', u'japan', u'debate', u'votes', u'candidate', u'candidates', u'government', u'early']", "+++: [u'states']
---: [u'operations', u'chinese', u'democrats', u'japan', u'debate', u'votes', u'candidate', u'candidates', u'government', u'early']", "+++: [u'states']
---: [u'operations', u'chinese', u'democrats', u'japan', u'debate', u'votes', u'candidate', u'candidates', u'government', u'early']", "+++: [u'states']
---: [u'operations', u'chinese', u'democrats', u'japan', u'debate', u'votes', u'candidate', u'candidates', u'government', u'early']", "+++: [u'states']
---: [u'operations', u'chinese', u'democrats', u'japan', u'debate', u'votes', u'candidate', u'candidates', u'government', u'early']", "+++: [u'states']
---: [u'operations', u'chinese', u'democrats', u'japan', u'debate', u'votes', u'candidate', u'candidates', u'government', u'early']", null, "+++: [u'world', u'china', u'u', u'government']
---: [u'operations', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'japan', u'chinese', u'nato']", "+++: [u'world', u'china', u'u', u'government']
---: [u'operations', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'japan', u'chinese', u'nato']", "+++: [u'world', u'china', u'u', u'government']
---: [u'operations', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'japan', u'chinese', u'nato']", "+++: [u'world', u'china', u'u', u'government']
---: [u'operations', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'japan', u'chinese', u'nato']", "+++: [u'world', u'china', u'u', u'government']
---: [u'operations', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'japan', u'chinese', u'nato']", "+++: [u'world', u'china', u'u', u'government']
---: [u'operations', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'japan', u'chinese', u'nato']", "+++: [u'world', u'china', u'u', u'government']
---: [u'operations', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'japan', u'chinese', u'nato']", "+++: [u'world', u'china', u'u', u'government']
---: [u'operations', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'japan', u'chinese', u'nato']", "+++: [u'world', u'china', u'u', u'government']
---: [u'operations', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'japan', u'chinese', u'nato']", "+++: [u'world', u'china', u'u', u'government']
---: [u'operations', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'japan', u'chinese', u'nato']", null, "+++: [u'united', u'government', u'country', u'foreign', u'states', u'u', u'world', u'military', u'war']
---: [u'operations', u'chinese', u'global', u'years', u'japan', u'black', u'policy', u'elites', u'nation', u'joint']", "+++: [u'united', u'government', u'country', u'foreign', u'states', u'u', u'world', u'military', u'war']
---: [u'operations', u'chinese', u'global', u'years', u'japan', u'black', u'policy', u'elites', u'nation', u'joint']", "+++: [u'united', u'government', u'country', u'foreign', u'states', u'u', u'world', u'military', u'war']
---: [u'operations', u'chinese', u'global', u'years', u'japan', u'black', u'policy', u'elites', u'nation', u'joint']", "+++: [u'united', u'government', u'country', u'foreign', u'states', u'u', u'world', u'military', u'war']
---: [u'operations', u'chinese', u'global', u'years', u'japan', u'black', u'policy', u'elites', u'nation', u'joint']", "+++: [u'united', u'government', u'country', u'foreign', u'states', u'u', u'world', u'military', u'war']
---: [u'operations', u'chinese', u'global', u'years', u'japan', u'black', u'policy', u'elites', u'nation', u'joint']", "+++: [u'united', u'government', u'country', u'foreign', u'states', u'u', u'world', u'military', u'war']
---: [u'operations', u'chinese', u'global', u'years', u'japan', u'black', u'policy', u'elites', u'nation', u'joint']", "+++: [u'united', u'government', u'country', u'foreign', u'states', u'u', u'world', u'military', u'war']
---: [u'operations', u'chinese', u'global', u'years', u'japan', u'black', u'policy', u'elites', u'nation', u'joint']", "+++: [u'united', u'government', u'country', u'foreign', u'states', u'u', u'world', u'military', u'war']
---: [u'operations', u'chinese', u'global', u'years', u'japan', u'black', u'policy', u'elites', u'nation', u'joint']", "+++: [u'united', u'government', u'country', u'foreign', u'states', u'u', u'world', u'military', u'war']
---: [u'operations', u'chinese', u'global', u'years', u'japan', u'black', u'policy', u'elites', u'nation', u'joint']", "+++: [u'united', u'government', u'country', u'foreign', u'states', u'u', u'world', u'military', u'war']
---: [u'operations', u'chinese', u'global', u'years', u'japan', u'black', u'policy', u'elites', u'nation', u'joint']", null, "+++: [u'world', u'great', u'the']
---: [u'consciousness', u'german', u'london', u'human', u'existence', u'religious', u'pope', u'lord', u'humanity', u'government']", "+++: [u'world', u'great', u'the']
---: [u'consciousness', u'german', u'london', u'human', u'existence', u'religious', u'pope', u'lord', u'humanity', u'government']", "+++: [u'world', u'great', u'the']
---: [u'consciousness', u'german', u'london', u'human', u'existence', u'religious', u'pope', u'lord', u'humanity', u'government']", "+++: [u'world', u'great', u'the']
---: [u'consciousness', u'german', u'london', u'human', u'existence', u'religious', u'pope', u'lord', u'humanity', u'government']", "+++: [u'world', u'great', u'the']
---: [u'consciousness', u'german', u'london', u'human', u'existence', u'religious', u'pope', u'lord', u'humanity', u'government']", "+++: [u'world', u'great', u'the']
---: [u'consciousness', u'german', u'london', u'human', u'existence', u'religious', u'pope', u'lord', u'humanity', u'government']", "+++: [u'world', u'great', u'the']
---: [u'consciousness', u'german', u'london', u'human', u'existence', u'religious', u'pope', u'lord', u'humanity', u'government']", "+++: [u'world', u'great', u'the']
---: [u'consciousness', u'german', u'london', u'human', u'existence', u'religious', u'pope', u'lord', u'humanity', u'government']", "+++: [u'world', u'great', u'the']
---: [u'consciousness', u'german', u'london', u'human', u'existence', u'religious', u'pope', u'lord', u'humanity', u'government']", "+++: [u'world', u'great', u'the']
---: [u'consciousness', u'german', u'london', u'human', u'existence', u'religious', u'pope', u'lord', u'humanity', u'government']", null, "+++: [u'body', u'heart']
---: [u'help', u'consciousness', u'cdc', u'human', u'earth', u'research', u'religious', u'children', u'pope', u'symptoms']", "+++: [u'body', u'heart']
---: [u'help', u'consciousness', u'cdc', u'human', u'earth', u'research', u'religious', u'children', u'pope', u'symptoms']", "+++: [u'body', u'heart']
---: [u'help', u'consciousness', u'cdc', u'human', u'earth', u'research', u'religious', u'children', u'pope', u'symptoms']", "+++: [u'body', u'heart']
---: [u'help', u'consciousness', u'cdc', u'human', u'earth', u'research', u'religious', u'children', u'pope', u'symptoms']", "+++: [u'body', u'heart']
---: [u'help', u'consciousness', u'cdc', u'human', u'earth', u'research', u'religious', u'children', u'pope', u'symptoms']", "+++: [u'body', u'heart']
---: [u'help', u'consciousness', u'cdc', u'human', u'earth', u'research', u'religious', u'children', u'pope', u'symptoms']", "+++: [u'body', u'heart']
---: [u'help', u'consciousness', u'cdc', u'human', u'earth', u'research', u'religious', u'children', u'pope', u'symptoms']", "+++: [u'body', u'heart']
---: [u'help', u'consciousness', u'cdc', u'human', u'earth', u'research', u'religious', u'children', u'pope', u'symptoms']", "+++: [u'body', u'heart']
---: [u'help', u'consciousness', u'cdc', u'human', u'earth', u'research', u'religious', u'children', u'pope', u'symptoms']", "+++: [u'body', u'heart']
---: [u'help', u'consciousness', u'cdc', u'human', u'earth', u'research', u'religious', u'children', u'pope', u'symptoms']", null, "+++: [u'body', u'earth', u'energy', u'power', u'light']
---: [u'consciousness', u'caused', u'magnetic', u'years', u'human', u'existence', u'moon', u'religious', u'pope', u'electricity']", "+++: [u'body', u'earth', u'energy', u'power', u'light']
---: [u'consciousness', u'caused', u'magnetic', u'years', u'human', u'existence', u'moon', u'religious', u'pope', u'electricity']", "+++: [u'body', u'earth', u'energy', u'power', u'light']
---: [u'consciousness', u'caused', u'magnetic', u'years', u'human', u'existence', u'moon', u'religious', u'pope', u'electricity']", "+++: [u'body', u'earth', u'energy', u'power', u'light']
---: [u'consciousness', u'caused', u'magnetic', u'years', u'human', u'existence', u'moon', u'religious', u'pope', u'electricity']", "+++: [u'body', u'earth', u'energy', u'power', u'light']
---: [u'consciousness', u'caused', u'magnetic', u'years', u'human', u'existence', u'moon', u'religious', u'pope', u'electricity']", "+++: [u'body', u'earth', u'energy', u'power', u'light']
---: [u'consciousness', u'caused', u'magnetic', u'years', u'human', u'existence', u'moon', u'religious', u'pope', u'electricity']", "+++: [u'body', u'earth', u'energy', u'power', u'light']
---: [u'consciousness', u'caused', u'magnetic', u'years', u'human', u'existence', u'moon', u'religious', u'pope', u'electricity']", "+++: [u'body', u'earth', u'energy', u'power', u'light']
---: [u'consciousness', u'caused', u'magnetic', u'years', u'human', u'existence', u'moon', u'religious', u'pope', u'electricity']", "+++: [u'body', u'earth', u'energy', u'power', u'light']
---: [u'consciousness', u'caused', u'magnetic', u'years', u'human', u'existence', u'moon', u'religious', u'pope', u'electricity']", "+++: [u'body', u'earth', u'energy', u'power', u'light']
---: [u'consciousness', u'caused', u'magnetic', u'years', u'human', u'existence', u'moon', u'religious', u'pope', u'electricity']", null, "+++: [u'control', u'power', u'society', u'state', u'world', u'the', u'history']
---: [u'consciousness', u'global', u'years', u'human', u'earth', u'religious', u'pope', u'elite', u'black', u'policy']", "+++: [u'control', u'power', u'society', u'state', u'world', u'the', u'history']
---: [u'consciousness', u'global', u'years', u'human', u'earth', u'religious', u'pope', u'elite', u'black', u'policy']", "+++: [u'control', u'power', u'society', u'state', u'world', u'the', u'history']
---: [u'consciousness', u'global', u'years', u'human', u'earth', u'religious', u'pope', u'elite', u'black', u'policy']", "+++: [u'control', u'power', u'society', u'state', u'world', u'the', u'history']
---: [u'consciousness', u'global', u'years', u'human', u'earth', u'religious', u'pope', u'elite', u'black', u'policy']", "+++: [u'control', u'power', u'society', u'state', u'world', u'the', u'history']
---: [u'consciousness', u'global', u'years', u'human', u'earth', u'religious', u'pope', u'elite', u'black', u'policy']", "+++: [u'control', u'power', u'society', u'state', u'world', u'the', u'history']
---: [u'consciousness', u'global', u'years', u'human', u'earth', u'religious', u'pope', u'elite', u'black', u'policy']", "+++: [u'control', u'power', u'society', u'state', u'world', u'the', u'history']
---: [u'consciousness', u'global', u'years', u'human', u'earth', u'religious', u'pope', u'elite', u'black', u'policy']", "+++: [u'control', u'power', u'society', u'state', u'world', u'the', u'history']
---: [u'consciousness', u'global', u'years', u'human', u'earth', u'religious', u'pope', u'elite', u'black', u'policy']", "+++: [u'control', u'power', u'society', u'state', u'world', u'the', u'history']
---: [u'consciousness', u'global', u'years', u'human', u'earth', u'religious', u'pope', u'elite', u'black', u'policy']", "+++: [u'control', u'power', u'society', u'state', u'world', u'the', u'history']
---: [u'consciousness', u'global', u'years', u'human', u'earth', u'religious', u'pope', u'elite', u'black', u'policy']", null, "+++: [u'control', u'life', u'power', u'mind', u'human', u'world', u'order']
---: [u'help', u'consciousness', u'earth', u'religious', u'based', u'pope', u'personal', u'better', u'lord', u'humanity']", "+++: [u'control', u'life', u'power', u'mind', u'human', u'world', u'order']
---: [u'help', u'consciousness', u'earth', u'religious', u'based', u'pope', u'personal', u'better', u'lord', u'humanity']", "+++: [u'control', u'life', u'power', u'mind', u'human', u'world', u'order']
---: [u'help', u'consciousness', u'earth', u'religious', u'based', u'pope', u'personal', u'better', u'lord', u'humanity']", "+++: [u'control', u'life', u'power', u'mind', u'human', u'world', u'order']
---: [u'help', u'consciousness', u'earth', u'religious', u'based', u'pope', u'personal', u'better', u'lord', u'humanity']", "+++: [u'control', u'life', u'power', u'mind', u'human', u'world', u'order']
---: [u'help', u'consciousness', u'earth', u'religious', u'based', u'pope', u'personal', u'better', u'lord', u'humanity']", "+++: [u'control', u'life', u'power', u'mind', u'human', u'world', u'order']
---: [u'help', u'consciousness', u'earth', u'religious', u'based', u'pope', u'personal', u'better', u'lord', u'humanity']", "+++: [u'control', u'life', u'power', u'mind', u'human', u'world', u'order']
---: [u'help', u'consciousness', u'earth', u'religious', u'based', u'pope', u'personal', u'better', u'lord', u'humanity']", "+++: [u'control', u'life', u'power', u'mind', u'human', u'world', u'order']
---: [u'help', u'consciousness', u'earth', u'religious', u'based', u'pope', u'personal', u'better', u'lord', u'humanity']", "+++: [u'control', u'life', u'power', u'mind', u'human', u'world', u'order']
---: [u'help', u'consciousness', u'earth', u'religious', u'based', u'pope', u'personal', u'better', u'lord', u'humanity']", "+++: [u'control', u'life', u'power', u'mind', u'human', u'world', u'order']
---: [u'help', u'consciousness', u'earth', u'religious', u'based', u'pope', u'personal', u'better', u'lord', u'humanity']", null, "+++: [u'need', u'things', u'work', u'way', u'better']
---: [u'all', u'help', u'years', u'human', u'based', u'personal', u'll', u'actually', u'going', u'them']", "+++: [u'need', u'things', u'work', u'way', u'better']
---: [u'all', u'help', u'years', u'human', u'based', u'personal', u'll', u'actually', u'going', u'them']", "+++: [u'need', u'things', u'work', u'way', u'better']
---: [u'all', u'help', u'years', u'human', u'based', u'personal', u'll', u'actually', u'going', u'them']", "+++: [u'need', u'things', u'work', u'way', u'better']
---: [u'all', u'help', u'years', u'human', u'based', u'personal', u'll', u'actually', u'going', u'them']", "+++: [u'need', u'things', u'work', u'way', u'better']
---: [u'all', u'help', u'years', u'human', u'based', u'personal', u'll', u'actually', u'going', u'them']", "+++: [u'need', u'things', u'work', u'way', u'better']
---: [u'all', u'help', u'years', u'human', u'based', u'personal', u'll', u'actually', u'going', u'them']", "+++: [u'need', u'things', u'work', u'way', u'better']
---: [u'all', u'help', u'years', u'human', u'based', u'personal', u'll', u'actually', u'going', u'them']", "+++: [u'need', u'things', u'work', u'way', u'better']
---: [u'all', u'help', u'years', u'human', u'based', u'personal', u'll', u'actually', u'going', u'them']", "+++: [u'need', u'things', u'work', u'way', u'better']
---: [u'all', u'help', u'years', u'human', u'based', u'personal', u'll', u'actually', u'going', u'them']", "+++: [u'need', u'things', u'work', u'way', u'better']
---: [u'all', u'help', u'years', u'human', u'based', u'personal', u'll', u'actually', u'going', u'them']", null, "+++: [u'right', u'years']
---: [u'all', u'global', u'll', u'actually', u'better', u'going', u'black', u'policy', u'elites', u'them']", "+++: [u'right', u'years']
---: [u'all', u'global', u'll', u'actually', u'better', u'going', u'black', u'policy', u'elites', u'them']", "+++: [u'right', u'years']
---: [u'all', u'global', u'll', u'actually', u'better', u'going', u'black', u'policy', u'elites', u'them']", "+++: [u'right', u'years']
---: [u'all', u'global', u'll', u'actually', u'better', u'going', u'black', u'policy', u'elites', u'them']", "+++: [u'right', u'years']
---: [u'all', u'global', u'll', u'actually', u'better', u'going', u'black', u'policy', u'elites', u'them']", "+++: [u'right', u'years']
---: [u'all', u'global', u'll', u'actually', u'better', u'going', u'black', u'policy', u'elites', u'them']", "+++: [u'right', u'years']
---: [u'all', u'global', u'll', u'actually', u'better', u'going', u'black', u'policy', u'elites', u'them']", "+++: [u'right', u'years']
---: [u'all', u'global', u'll', u'actually', u'better', u'going', u'black', u'policy', u'elites', u'them']", "+++: [u'right', u'years']
---: [u'all', u'global', u'll', u'actually', u'better', u'going', u'black', u'policy', u'elites', u'them']", "+++: [u'right', u'years']
---: [u'all', u'global', u'll', u'actually', u'better', u'going', u'black', u'policy', u'elites', u'them']", null, "+++: [u'comment', u'twitter', u'share', u'facebook', u'internet', u'news', u'posted']
---: [u'help', u'follow', u'trunews', u'o', u'26', u'27', u'tv', u'28', u'0', u'mainstream']", "+++: [u'comment', u'twitter', u'share', u'facebook', u'internet', u'news', u'posted']
---: [u'help', u'follow', u'trunews', u'o', u'26', u'27', u'tv', u'28', u'0', u'mainstream']", "+++: [u'comment', u'twitter', u'share', u'facebook', u'internet', u'news', u'posted']
---: [u'help', u'follow', u'trunews', u'o', u'26', u'27', u'tv', u'28', u'0', u'mainstream']", "+++: [u'comment', u'twitter', u'share', u'facebook', u'internet', u'news', u'posted']
---: [u'help', u'follow', u'trunews', u'o', u'26', u'27', u'tv', u'28', u'0', u'mainstream']", "+++: [u'comment', u'twitter', u'share', u'facebook', u'internet', u'news', u'posted']
---: [u'help', u'follow', u'trunews', u'o', u'26', u'27', u'tv', u'28', u'0', u'mainstream']", "+++: [u'comment', u'twitter', u'share', u'facebook', u'internet', u'news', u'posted']
---: [u'help', u'follow', u'trunews', u'o', u'26', u'27', u'tv', u'28', u'0', u'mainstream']", "+++: [u'comment', u'twitter', u'share', u'facebook', u'internet', u'news', u'posted']
---: [u'help', u'follow', u'trunews', u'o', u'26', u'27', u'tv', u'28', u'0', u'mainstream']", "+++: [u'comment', u'twitter', u'share', u'facebook', u'internet', u'news', u'posted']
---: [u'help', u'follow', u'trunews', u'o', u'26', u'27', u'tv', u'28', u'0', u'mainstream']", "+++: [u'comment', u'twitter', u'share', u'facebook', u'internet', u'news', u'posted']
---: [u'help', u'follow', u'trunews', u'o', u'26', u'27', u'tv', u'28', u'0', u'mainstream']", "+++: [u'comment', u'twitter', u'share', u'facebook', u'internet', u'news', u'posted']
---: [u'help', u'follow', u'trunews', u'o', u'26', u'27', u'tv', u'28', u'0', u'mainstream']", null, "+++: [u'city', u'state']
---: [u'rebels', u'violence', u'fighters', u'qaeda', u'mosul', u'group', u'day', u'iraqi', u'black', u'terror']", "+++: [u'city', u'state']
---: [u'rebels', u'violence', u'fighters', u'qaeda', u'mosul', u'group', u'day', u'iraqi', u'black', u'terror']", "+++: [u'city', u'state']
---: [u'rebels', u'violence', u'fighters', u'qaeda', u'mosul', u'group', u'day', u'iraqi', u'black', u'terror']", "+++: [u'city', u'state']
---: [u'rebels', u'violence', u'fighters', u'qaeda', u'mosul', u'group', u'day', u'iraqi', u'black', u'terror']", "+++: [u'city', u'state']
---: [u'rebels', u'violence', u'fighters', u'qaeda', u'mosul', u'group', u'day', u'iraqi', u'black', u'terror']", "+++: [u'city', u'state']
---: [u'rebels', u'violence', u'fighters', u'qaeda', u'mosul', u'group', u'day', u'iraqi', u'black', u'terror']", "+++: [u'city', u'state']
---: [u'rebels', u'violence', u'fighters', u'qaeda', u'mosul', u'group', u'day', u'iraqi', u'black', u'terror']", "+++: [u'city', u'state']
---: [u'rebels', u'violence', u'fighters', u'qaeda', u'mosul', u'group', u'day', u'iraqi', u'black', u'terror']", "+++: [u'city', u'state']
---: [u'rebels', u'violence', u'fighters', u'qaeda', u'mosul', u'group', u'day', u'iraqi', u'black', u'terror']", "+++: [u'city', u'state']
---: [u'rebels', u'violence', u'fighters', u'qaeda', u'mosul', u'group', u'day', u'iraqi', u'black', u'terror']", null, "+++: [u'local']
---: [u'protest', u'children', u'group', u'father', u'young', u'day', u'black', u'thousands', u'wearing', u'woman']", "+++: [u'local']
---: [u'protest', u'children', u'group', u'father', u'young', u'day', u'black', u'thousands', u'wearing', u'woman']", "+++: [u'local']
---: [u'protest', u'children', u'group', u'father', u'young', u'day', u'black', u'thousands', u'wearing', u'woman']", "+++: [u'local']
---: [u'protest', u'children', u'group', u'father', u'young', u'day', u'black', u'thousands', u'wearing', u'woman']", "+++: [u'local']
---: [u'protest', u'children', u'group', u'father', u'young', u'day', u'black', u'thousands', u'wearing', u'woman']", "+++: [u'local']
---: [u'protest', u'children', u'group', u'father', u'young', u'day', u'black', u'thousands', u'wearing', u'woman']", "+++: [u'local']
---: [u'protest', u'children', u'group', u'father', u'young', u'day', u'black', u'thousands', u'wearing', u'woman']", "+++: [u'local']
---: [u'protest', u'children', u'group', u'father', u'young', u'day', u'black', u'thousands', u'wearing', u'woman']", "+++: [u'local']
---: [u'protest', u'children', u'group', u'father', u'young', u'day', u'black', u'thousands', u'wearing', u'woman']", "+++: [u'local']
---: [u'protest', u'children', u'group', u'father', u'young', u'day', u'black', u'thousands', u'wearing', u'woman']", null, "+++: [u'police', u'camp', u'protesters', u'according', u'state', u'peaceful', u'local']
---: [u'protest', u'dakota', u'group', u'sheriff', u'lake', u'black', u'thousands', u'food', u'indigenous', u'community']", "+++: [u'police', u'camp', u'protesters', u'according', u'state', u'peaceful', u'local']
---: [u'protest', u'dakota', u'group', u'sheriff', u'lake', u'black', u'thousands', u'food', u'indigenous', u'community']", "+++: [u'police', u'camp', u'protesters', u'according', u'state', u'peaceful', u'local']
---: [u'protest', u'dakota', u'group', u'sheriff', u'lake', u'black', u'thousands', u'food', u'indigenous', u'community']", "+++: [u'police', u'camp', u'protesters', u'according', u'state', u'peaceful', u'local']
---: [u'protest', u'dakota', u'group', u'sheriff', u'lake', u'black', u'thousands', u'food', u'indigenous', u'community']", "+++: [u'police', u'camp', u'protesters', u'according', u'state', u'peaceful', u'local']
---: [u'protest', u'dakota', u'group', u'sheriff', u'lake', u'black', u'thousands', u'food', u'indigenous', u'community']", "+++: [u'police', u'camp', u'protesters', u'according', u'state', u'peaceful', u'local']
---: [u'protest', u'dakota', u'group', u'sheriff', u'lake', u'black', u'thousands', u'food', u'indigenous', u'community']", "+++: [u'police', u'camp', u'protesters', u'according', u'state', u'peaceful', u'local']
---: [u'protest', u'dakota', u'group', u'sheriff', u'lake', u'black', u'thousands', u'food', u'indigenous', u'community']", "+++: [u'police', u'camp', u'protesters', u'according', u'state', u'peaceful', u'local']
---: [u'protest', u'dakota', u'group', u'sheriff', u'lake', u'black', u'thousands', u'food', u'indigenous', u'community']", "+++: [u'police', u'camp', u'protesters', u'according', u'state', u'peaceful', u'local']
---: [u'protest', u'dakota', u'group', u'sheriff', u'lake', u'black', u'thousands', u'food', u'indigenous', u'community']", "+++: [u'police', u'camp', u'protesters', u'according', u'state', u'peaceful', u'local']
---: [u'protest', u'dakota', u'group', u'sheriff', u'lake', u'black', u'thousands', u'food', u'indigenous', u'community']", null, "+++: [u'country', u'violence', u'day']
---: [u'office', u'protest', u'elect', u'supporter', u'group', u'candidate', u'him', u'going', u'black', u'he']", "+++: [u'country', u'violence', u'day']
---: [u'office', u'protest', u'elect', u'supporter', u'group', u'candidate', u'him', u'going', u'black', u'he']", "+++: [u'country', u'violence', u'day']
---: [u'office', u'protest', u'elect', u'supporter', u'group', u'candidate', u'him', u'going', u'black', u'he']", "+++: [u'country', u'violence', u'day']
---: [u'office', u'protest', u'elect', u'supporter', u'group', u'candidate', u'him', u'going', u'black', u'he']", "+++: [u'country', u'violence', u'day']
---: [u'office', u'protest', u'elect', u'supporter', u'group', u'candidate', u'him', u'going', u'black', u'he']", "+++: [u'country', u'violence', u'day']
---: [u'office', u'protest', u'elect', u'supporter', u'group', u'candidate', u'him', u'going', u'black', u'he']", "+++: [u'country', u'violence', u'day']
---: [u'office', u'protest', u'elect', u'supporter', u'group', u'candidate', u'him', u'going', u'black', u'he']", "+++: [u'country', u'violence', u'day']
---: [u'office', u'protest', u'elect', u'supporter', u'group', u'candidate', u'him', u'going', u'black', u'he']", "+++: [u'country', u'violence', u'day']
---: [u'office', u'protest', u'elect', u'supporter', u'group', u'candidate', u'him', u'going', u'black', u'he']", "+++: [u'country', u'violence', u'day']
---: [u'office', u'protest', u'elect', u'supporter', u'group', u'candidate', u'him', u'going', u'black', u'he']", null, "+++: [u'police', u'rights', u'according', u'state', u'authorities', u'local']
---: [u'soros', u'office', u'protest', u'group', u'justice', u'crime', u'arrest', u'black', u'criminal', u'thousands']", "+++: [u'police', u'rights', u'according', u'state', u'authorities', u'local']
---: [u'soros', u'office', u'protest', u'group', u'justice', u'crime', u'arrest', u'black', u'criminal', u'thousands']", "+++: [u'police', u'rights', u'according', u'state', u'authorities', u'local']
---: [u'soros', u'office', u'protest', u'group', u'justice', u'crime', u'arrest', u'black', u'criminal', u'thousands']", "+++: [u'police', u'rights', u'according', u'state', u'authorities', u'local']
---: [u'soros', u'office', u'protest', u'group', u'justice', u'crime', u'arrest', u'black', u'criminal', u'thousands']", "+++: [u'police', u'rights', u'according', u'state', u'authorities', u'local']
---: [u'soros', u'office', u'protest', u'group', u'justice', u'crime', u'arrest', u'black', u'criminal', u'thousands']", "+++: [u'police', u'rights', u'according', u'state', u'authorities', u'local']
---: [u'soros', u'office', u'protest', u'group', u'justice', u'crime', u'arrest', u'black', u'criminal', u'thousands']", "+++: [u'police', u'rights', u'according', u'state', u'authorities', u'local']
---: [u'soros', u'office', u'protest', u'group', u'justice', u'crime', u'arrest', u'black', u'criminal', u'thousands']", "+++: [u'police', u'rights', u'according', u'state', u'authorities', u'local']
---: [u'soros', u'office', u'protest', u'group', u'justice', u'crime', u'arrest', u'black', u'criminal', u'thousands']", "+++: [u'police', u'rights', u'according', u'state', u'authorities', u'local']
---: [u'soros', u'office', u'protest', u'group', u'justice', u'crime', u'arrest', u'black', u'criminal', u'thousands']", "+++: [u'police', u'rights', u'according', u'state', u'authorities', u'local']
---: [u'soros', u'office', u'protest', u'group', u'justice', u'crime', u'arrest', u'black', u'criminal', u'thousands']", null, "+++: [u'city', u'crisis']
---: [u'ron', u'proposes', u'protest', u'protests', u'paul', u'group', u'obamacare', u'offers', u'black', u'thousands']", "+++: [u'city', u'crisis']
---: [u'ron', u'proposes', u'protest', u'protests', u'paul', u'group', u'obamacare', u'offers', u'black', u'thousands']", "+++: [u'city', u'crisis']
---: [u'ron', u'proposes', u'protest', u'protests', u'paul', u'group', u'obamacare', u'offers', u'black', u'thousands']", "+++: [u'city', u'crisis']
---: [u'ron', u'proposes', u'protest', u'protests', u'paul', u'group', u'obamacare', u'offers', u'black', u'thousands']", "+++: [u'city', u'crisis']
---: [u'ron', u'proposes', u'protest', u'protests', u'paul', u'group', u'obamacare', u'offers', u'black', u'thousands']", "+++: [u'city', u'crisis']
---: [u'ron', u'proposes', u'protest', u'protests', u'paul', u'group', u'obamacare', u'offers', u'black', u'thousands']", "+++: [u'city', u'crisis']
---: [u'ron', u'proposes', u'protest', u'protests', u'paul', u'group', u'obamacare', u'offers', u'black', u'thousands']", "+++: [u'city', u'crisis']
---: [u'ron', u'proposes', u'protest', u'protests', u'paul', u'group', u'obamacare', u'offers', u'black', u'thousands']", "+++: [u'city', u'crisis']
---: [u'ron', u'proposes', u'protest', u'protests', u'paul', u'group', u'obamacare', u'offers', u'black', u'thousands']", "+++: [u'city', u'crisis']
---: [u'ron', u'proposes', u'protest', u'protests', u'paul', u'group', u'obamacare', u'offers', u'black', u'thousands']", null, "+++: [u'city', u'state', u'police', u'according', u'black']
---: [u'shot', u'years', u'protest', u'committed', u'children', u'suicide', u'group', u'crime', u'prison', u'thousands']", "+++: [u'city', u'state', u'police', u'according', u'black']
---: [u'shot', u'years', u'protest', u'committed', u'children', u'suicide', u'group', u'crime', u'prison', u'thousands']", "+++: [u'city', u'state', u'police', u'according', u'black']
---: [u'shot', u'years', u'protest', u'committed', u'children', u'suicide', u'group', u'crime', u'prison', u'thousands']", "+++: [u'city', u'state', u'police', u'according', u'black']
---: [u'shot', u'years', u'protest', u'committed', u'children', u'suicide', u'group', u'crime', u'prison', u'thousands']", "+++: [u'city', u'state', u'police', u'according', u'black']
---: [u'shot', u'years', u'protest', u'committed', u'children', u'suicide', u'group', u'crime', u'prison', u'thousands']", "+++: [u'city', u'state', u'police', u'according', u'black']
---: [u'shot', u'years', u'protest', u'committed', u'children', u'suicide', u'group', u'crime', u'prison', u'thousands']", "+++: [u'city', u'state', u'police', u'according', u'black']
---: [u'shot', u'years', u'protest', u'committed', u'children', u'suicide', u'group', u'crime', u'prison', u'thousands']", "+++: [u'city', u'state', u'police', u'according', u'black']
---: [u'shot', u'years', u'protest', u'committed', u'children', u'suicide', u'group', u'crime', u'prison', u'thousands']", "+++: [u'city', u'state', u'police', u'according', u'black']
---: [u'shot', u'years', u'protest', u'committed', u'children', u'suicide', u'group', u'crime', u'prison', u'thousands']", "+++: [u'city', u'state', u'police', u'according', u'black']
---: [u'shot', u'years', u'protest', u'committed', u'children', u'suicide', u'group', u'crime', u'prison', u'thousands']", null, "+++: [u'social', u'video', u'told']
---: [u'children', u'campaign', u'tv', u'father', u'young', u'women', u'local', u'wearing', u'woman', u'mainstream']", "+++: [u'social', u'video', u'told']
---: [u'children', u'campaign', u'tv', u'father', u'young', u'women', u'local', u'wearing', u'woman', u'mainstream']", "+++: [u'social', u'video', u'told']
---: [u'children', u'campaign', u'tv', u'father', u'young', u'women', u'local', u'wearing', u'woman', u'mainstream']", "+++: [u'social', u'video', u'told']
---: [u'children', u'campaign', u'tv', u'father', u'young', u'women', u'local', u'wearing', u'woman', u'mainstream']", "+++: [u'social', u'video', u'told']
---: [u'children', u'campaign', u'tv', u'father', u'young', u'women', u'local', u'wearing', u'woman', u'mainstream']", "+++: [u'social', u'video', u'told']
---: [u'children', u'campaign', u'tv', u'father', u'young', u'women', u'local', u'wearing', u'woman', u'mainstream']", "+++: [u'social', u'video', u'told']
---: [u'children', u'campaign', u'tv', u'father', u'young', u'women', u'local', u'wearing', u'woman', u'mainstream']", "+++: [u'social', u'video', u'told']
---: [u'children', u'campaign', u'tv', u'father', u'young', u'women', u'local', u'wearing', u'woman', u'mainstream']", "+++: [u'social', u'video', u'told']
---: [u'children', u'campaign', u'tv', u'father', u'young', u'women', u'local', u'wearing', u'woman', u'mainstream']", "+++: [u'social', u'video', u'told']
---: [u'children', u'campaign', u'tv', u'father', u'young', u'women', u'local', u'wearing', u'woman', u'mainstream']", null, "+++: [u'news', u'campaign', u'told']
---: [u'justice', u'source', u'huma', u'sent', u'mainstream', u'watch', u'department', u'facebook', u'lynch', u'reporters']", "+++: [u'news', u'campaign', u'told']
---: [u'justice', u'source', u'huma', u'sent', u'mainstream', u'watch', u'department', u'facebook', u'lynch', u'reporters']", "+++: [u'news', u'campaign', u'told']
---: [u'justice', u'source', u'huma', u'sent', u'mainstream', u'watch', u'department', u'facebook', u'lynch', u'reporters']", "+++: [u'news', u'campaign', u'told']
---: [u'justice', u'source', u'huma', u'sent', u'mainstream', u'watch', u'department', u'facebook', u'lynch', u'reporters']", "+++: [u'news', u'campaign', u'told']
---: [u'justice', u'source', u'huma', u'sent', u'mainstream', u'watch', u'department', u'facebook', u'lynch', u'reporters']", "+++: [u'news', u'campaign', u'told']
---: [u'justice', u'source', u'huma', u'sent', u'mainstream', u'watch', u'department', u'facebook', u'lynch', u'reporters']", "+++: [u'news', u'campaign', u'told']
---: [u'justice', u'source', u'huma', u'sent', u'mainstream', u'watch', u'department', u'facebook', u'lynch', u'reporters']", "+++: [u'news', u'campaign', u'told']
---: [u'justice', u'source', u'huma', u'sent', u'mainstream', u'watch', u'department', u'facebook', u'lynch', u'reporters']", "+++: [u'news', u'campaign', u'told']
---: [u'justice', u'source', u'huma', u'sent', u'mainstream', u'watch', u'department', u'facebook', u'lynch', u'reporters']", "+++: [u'news', u'campaign', u'told']
---: [u'justice', u'source', u'huma', u'sent', u'mainstream', u'watch', u'department', u'facebook', u'lynch', u'reporters']", null, "+++: [u'campaign']
---: [u'office', u'elect', u'supporter', u'candidate', u'tv', u'him', u'going', u'obama', u'mainstream', u'watch']", "+++: [u'campaign']
---: [u'office', u'elect', u'supporter', u'candidate', u'tv', u'him', u'going', u'obama', u'mainstream', u'watch']", "+++: [u'campaign']
---: [u'office', u'elect', u'supporter', u'candidate', u'tv', u'him', u'going', u'obama', u'mainstream', u'watch']", "+++: [u'campaign']
---: [u'office', u'elect', u'supporter', u'candidate', u'tv', u'him', u'going', u'obama', u'mainstream', u'watch']", "+++: [u'campaign']
---: [u'office', u'elect', u'supporter', u'candidate', u'tv', u'him', u'going', u'obama', u'mainstream', u'watch']", "+++: [u'campaign']
---: [u'office', u'elect', u'supporter', u'candidate', u'tv', u'him', u'going', u'obama', u'mainstream', u'watch']", "+++: [u'campaign']
---: [u'office', u'elect', u'supporter', u'candidate', u'tv', u'him', u'going', u'obama', u'mainstream', u'watch']", "+++: [u'campaign']
---: [u'office', u'elect', u'supporter', u'candidate', u'tv', u'him', u'going', u'obama', u'mainstream', u'watch']", "+++: [u'campaign']
---: [u'office', u'elect', u'supporter', u'candidate', u'tv', u'him', u'going', u'obama', u'mainstream', u'watch']", "+++: [u'campaign']
---: [u'office', u'elect', u'supporter', u'candidate', u'tv', u'him', u'going', u'obama', u'mainstream', u'watch']", null, "+++: [u'news', u'story', u'stories', u'times']
---: [u'years', u'alt', u'tv', u'bush', u'black', u'case', u'mainstream', u'watch', u'facebook', u'reporters']", "+++: [u'news', u'story', u'stories', u'times']
---: [u'years', u'alt', u'tv', u'bush', u'black', u'case', u'mainstream', u'watch', u'facebook', u'reporters']", "+++: [u'news', u'story', u'stories', u'times']
---: [u'years', u'alt', u'tv', u'bush', u'black', u'case', u'mainstream', u'watch', u'facebook', u'reporters']", "+++: [u'news', u'story', u'stories', u'times']
---: [u'years', u'alt', u'tv', u'bush', u'black', u'case', u'mainstream', u'watch', u'facebook', u'reporters']", "+++: [u'news', u'story', u'stories', u'times']
---: [u'years', u'alt', u'tv', u'bush', u'black', u'case', u'mainstream', u'watch', u'facebook', u'reporters']", "+++: [u'news', u'story', u'stories', u'times']
---: [u'years', u'alt', u'tv', u'bush', u'black', u'case', u'mainstream', u'watch', u'facebook', u'reporters']", "+++: [u'news', u'story', u'stories', u'times']
---: [u'years', u'alt', u'tv', u'bush', u'black', u'case', u'mainstream', u'watch', u'facebook', u'reporters']", "+++: [u'news', u'story', u'stories', u'times']
---: [u'years', u'alt', u'tv', u'bush', u'black', u'case', u'mainstream', u'watch', u'facebook', u'reporters']", "+++: [u'news', u'story', u'stories', u'times']
---: [u'years', u'alt', u'tv', u'bush', u'black', u'case', u'mainstream', u'watch', u'facebook', u'reporters']", "+++: [u'news', u'story', u'stories', u'times']
---: [u'years', u'alt', u'tv', u'bush', u'black', u'case', u'mainstream', u'watch', u'facebook', u'reporters']", null, "+++: [u'press', u'posted', u'told']
---: [u'office', u'results', u'paper', u'article', u'votes', u'voter', u'tv', u'going', u'tape', u'voted']", "+++: [u'press', u'posted', u'told']
---: [u'office', u'results', u'paper', u'article', u'votes', u'voter', u'tv', u'going', u'tape', u'voted']", "+++: [u'press', u'posted', u'told']
---: [u'office', u'results', u'paper', u'article', u'votes', u'voter', u'tv', u'going', u'tape', u'voted']", "+++: [u'press', u'posted', u'told']
---: [u'office', u'results', u'paper', u'article', u'votes', u'voter', u'tv', u'going', u'tape', u'voted']", "+++: [u'press', u'posted', u'told']
---: [u'office', u'results', u'paper', u'article', u'votes', u'voter', u'tv', u'going', u'tape', u'voted']", "+++: [u'press', u'posted', u'told']
---: [u'office', u'results', u'paper', u'article', u'votes', u'voter', u'tv', u'going', u'tape', u'voted']", "+++: [u'press', u'posted', u'told']
---: [u'office', u'results', u'paper', u'article', u'votes', u'voter', u'tv', u'going', u'tape', u'voted']", "+++: [u'press', u'posted', u'told']
---: [u'office', u'results', u'paper', u'article', u'votes', u'voter', u'tv', u'going', u'tape', u'voted']", "+++: [u'press', u'posted', u'told']
---: [u'office', u'results', u'paper', u'article', u'votes', u'voter', u'tv', u'going', u'tape', u'voted']", "+++: [u'press', u'posted', u'told']
---: [u'office', u'results', u'paper', u'article', u'votes', u'voter', u'tv', u'going', u'tape', u'voted']", null, "+++: [u'news', u'campaign', u'media']
---: [u'electoral', u'democrats', u'debate', u'votes', u'candidate', u'tv', u'candidates', u'obama', u'mainstream', u'watch']", "+++: [u'news', u'campaign', u'media']
---: [u'electoral', u'democrats', u'debate', u'votes', u'candidate', u'tv', u'candidates', u'obama', u'mainstream', u'watch']", "+++: [u'news', u'campaign', u'media']
---: [u'electoral', u'democrats', u'debate', u'votes', u'candidate', u'tv', u'candidates', u'obama', u'mainstream', u'watch']", "+++: [u'news', u'campaign', u'media']
---: [u'electoral', u'democrats', u'debate', u'votes', u'candidate', u'tv', u'candidates', u'obama', u'mainstream', u'watch']", "+++: [u'news', u'campaign', u'media']
---: [u'electoral', u'democrats', u'debate', u'votes', u'candidate', u'tv', u'candidates', u'obama', u'mainstream', u'watch']", "+++: [u'news', u'campaign', u'media']
---: [u'electoral', u'democrats', u'debate', u'votes', u'candidate', u'tv', u'candidates', u'obama', u'mainstream', u'watch']", "+++: [u'news', u'campaign', u'media']
---: [u'electoral', u'democrats', u'debate', u'votes', u'candidate', u'tv', u'candidates', u'obama', u'mainstream', u'watch']", "+++: [u'news', u'campaign', u'media']
---: [u'electoral', u'democrats', u'debate', u'votes', u'candidate', u'tv', u'candidates', u'obama', u'mainstream', u'watch']", "+++: [u'news', u'campaign', u'media']
---: [u'electoral', u'democrats', u'debate', u'votes', u'candidate', u'tv', u'candidates', u'obama', u'mainstream', u'watch']", "+++: [u'news', u'campaign', u'media']
---: [u'electoral', u'democrats', u'debate', u'votes', u'candidate', u'tv', u'candidates', u'obama', u'mainstream', u'watch']", null, "+++: [u'reported', u'story', u'times', u'told']
---: [u'shot', u'years', u'report', u'committed', u'children', u'suicide', u'police', u'tv', u'crime', u'black']", "+++: [u'reported', u'story', u'times', u'told']
---: [u'shot', u'years', u'report', u'committed', u'children', u'suicide', u'police', u'tv', u'crime', u'black']", "+++: [u'reported', u'story', u'times', u'told']
---: [u'shot', u'years', u'report', u'committed', u'children', u'suicide', u'police', u'tv', u'crime', u'black']", "+++: [u'reported', u'story', u'times', u'told']
---: [u'shot', u'years', u'report', u'committed', u'children', u'suicide', u'police', u'tv', u'crime', u'black']", "+++: [u'reported', u'story', u'times', u'told']
---: [u'shot', u'years', u'report', u'committed', u'children', u'suicide', u'police', u'tv', u'crime', u'black']", "+++: [u'reported', u'story', u'times', u'told']
---: [u'shot', u'years', u'report', u'committed', u'children', u'suicide', u'police', u'tv', u'crime', u'black']", "+++: [u'reported', u'story', u'times', u'told']
---: [u'shot', u'years', u'report', u'committed', u'children', u'suicide', u'police', u'tv', u'crime', u'black']", "+++: [u'reported', u'story', u'times', u'told']
---: [u'shot', u'years', u'report', u'committed', u'children', u'suicide', u'police', u'tv', u'crime', u'black']", "+++: [u'reported', u'story', u'times', u'told']
---: [u'shot', u'years', u'report', u'committed', u'children', u'suicide', u'police', u'tv', u'crime', u'black']", "+++: [u'reported', u'story', u'times', u'told']
---: [u'shot', u'years', u'report', u'committed', u'children', u'suicide', u'police', u'tv', u'crime', u'black']", null, "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'dakota', u'police', u'sheriff', u'supply', u'lake', u'iraqi']", "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'dakota', u'police', u'sheriff', u'supply', u'lake', u'iraqi']", "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'dakota', u'police', u'sheriff', u'supply', u'lake', u'iraqi']", "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'dakota', u'police', u'sheriff', u'supply', u'lake', u'iraqi']", "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'dakota', u'police', u'sheriff', u'supply', u'lake', u'iraqi']", "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'dakota', u'police', u'sheriff', u'supply', u'lake', u'iraqi']", "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'dakota', u'police', u'sheriff', u'supply', u'lake', u'iraqi']", "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'dakota', u'police', u'sheriff', u'supply', u'lake', u'iraqi']", "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'dakota', u'police', u'sheriff', u'supply', u'lake', u'iraqi']", "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'dakota', u'police', u'sheriff', u'supply', u'lake', u'iraqi']", null, "+++: [u'enforcement', u'police', u'according', u'private', u'state', u'local']
---: [u'office', u'dakota', u'sheriff', u'justice', u'lake', u'crime', u'arrest', u'criminal', u'government', u'protesters']", "+++: [u'enforcement', u'police', u'according', u'private', u'state', u'local']
---: [u'office', u'dakota', u'sheriff', u'justice', u'lake', u'crime', u'arrest', u'criminal', u'government', u'protesters']", "+++: [u'enforcement', u'police', u'according', u'private', u'state', u'local']
---: [u'office', u'dakota', u'sheriff', u'justice', u'lake', u'crime', u'arrest', u'criminal', u'government', u'protesters']", "+++: [u'enforcement', u'police', u'according', u'private', u'state', u'local']
---: [u'office', u'dakota', u'sheriff', u'justice', u'lake', u'crime', u'arrest', u'criminal', u'government', u'protesters']", "+++: [u'enforcement', u'police', u'according', u'private', u'state', u'local']
---: [u'office', u'dakota', u'sheriff', u'justice', u'lake', u'crime', u'arrest', u'criminal', u'government', u'protesters']", "+++: [u'enforcement', u'police', u'according', u'private', u'state', u'local']
---: [u'office', u'dakota', u'sheriff', u'justice', u'lake', u'crime', u'arrest', u'criminal', u'government', u'protesters']", "+++: [u'enforcement', u'police', u'according', u'private', u'state', u'local']
---: [u'office', u'dakota', u'sheriff', u'justice', u'lake', u'crime', u'arrest', u'criminal', u'government', u'protesters']", "+++: [u'enforcement', u'police', u'according', u'private', u'state', u'local']
---: [u'office', u'dakota', u'sheriff', u'justice', u'lake', u'crime', u'arrest', u'criminal', u'government', u'protesters']", "+++: [u'enforcement', u'police', u'according', u'private', u'state', u'local']
---: [u'office', u'dakota', u'sheriff', u'justice', u'lake', u'crime', u'arrest', u'criminal', u'government', u'protesters']", "+++: [u'enforcement', u'police', u'according', u'private', u'state', u'local']
---: [u'office', u'dakota', u'sheriff', u'justice', u'lake', u'crime', u'arrest', u'criminal', u'government', u'protesters']", null, "+++: [u'state', u'oil']
---: [u'money', u'embassy', u'human', u'dakota', u'weapons', u'police', u'sheriff', u'lake', u'local', u'kingdom']", "+++: [u'state', u'oil']
---: [u'money', u'embassy', u'human', u'dakota', u'weapons', u'police', u'sheriff', u'lake', u'local', u'kingdom']", "+++: [u'state', u'oil']
---: [u'money', u'embassy', u'human', u'dakota', u'weapons', u'police', u'sheriff', u'lake', u'local', u'kingdom']", "+++: [u'state', u'oil']
---: [u'money', u'embassy', u'human', u'dakota', u'weapons', u'police', u'sheriff', u'lake', u'local', u'kingdom']", "+++: [u'state', u'oil']
---: [u'money', u'embassy', u'human', u'dakota', u'weapons', u'police', u'sheriff', u'lake', u'local', u'kingdom']", "+++: [u'state', u'oil']
---: [u'money', u'embassy', u'human', u'dakota', u'weapons', u'police', u'sheriff', u'lake', u'local', u'kingdom']", "+++: [u'state', u'oil']
---: [u'money', u'embassy', u'human', u'dakota', u'weapons', u'police', u'sheriff', u'lake', u'local', u'kingdom']", "+++: [u'state', u'oil']
---: [u'money', u'embassy', u'human', u'dakota', u'weapons', u'police', u'sheriff', u'lake', u'local', u'kingdom']", "+++: [u'state', u'oil']
---: [u'money', u'embassy', u'human', u'dakota', u'weapons', u'police', u'sheriff', u'lake', u'local', u'kingdom']", "+++: [u'state', u'oil']
---: [u'money', u'embassy', u'human', u'dakota', u'weapons', u'police', u'sheriff', u'lake', u'local', u'kingdom']", null, "+++: [u'state', u'police', u'according']
---: [u'shot', u'years', u'committed', u'dakota', u'children', u'suicide', u'sheriff', u'lake', u'crime', u'black']", "+++: [u'state', u'police', u'according']
---: [u'shot', u'years', u'committed', u'dakota', u'children', u'suicide', u'sheriff', u'lake', u'crime', u'black']", "+++: [u'state', u'police', u'according']
---: [u'shot', u'years', u'committed', u'dakota', u'children', u'suicide', u'sheriff', u'lake', u'crime', u'black']", "+++: [u'state', u'police', u'according']
---: [u'shot', u'years', u'committed', u'dakota', u'children', u'suicide', u'sheriff', u'lake', u'crime', u'black']", "+++: [u'state', u'police', u'according']
---: [u'shot', u'years', u'committed', u'dakota', u'children', u'suicide', u'sheriff', u'lake', u'crime', u'black']", "+++: [u'state', u'police', u'according']
---: [u'shot', u'years', u'committed', u'dakota', u'children', u'suicide', u'sheriff', u'lake', u'crime', u'black']", "+++: [u'state', u'police', u'according']
---: [u'shot', u'years', u'committed', u'dakota', u'children', u'suicide', u'sheriff', u'lake', u'crime', u'black']", "+++: [u'state', u'police', u'according']
---: [u'shot', u'years', u'committed', u'dakota', u'children', u'suicide', u'sheriff', u'lake', u'crime', u'black']", "+++: [u'state', u'police', u'according']
---: [u'shot', u'years', u'committed', u'dakota', u'children', u'suicide', u'sheriff', u'lake', u'crime', u'black']", "+++: [u'state', u'police', u'according']
---: [u'shot', u'years', u'committed', u'dakota', u'children', u'suicide', u'sheriff', u'lake', u'crime', u'black']", null, "+++: [u'city', u'government', u'jewish', u'west', u'western', u'war']
---: [u'rebels', u'german', u'fighters', u'qaeda', u'london', u'mosul', u'assad', u'daesh', u'iraqi', u'terror']", "+++: [u'city', u'government', u'jewish', u'west', u'western', u'war']
---: [u'rebels', u'german', u'fighters', u'qaeda', u'london', u'mosul', u'assad', u'daesh', u'iraqi', u'terror']", "+++: [u'city', u'government', u'jewish', u'west', u'western', u'war']
---: [u'rebels', u'german', u'fighters', u'qaeda', u'london', u'mosul', u'assad', u'daesh', u'iraqi', u'terror']", "+++: [u'city', u'government', u'jewish', u'west', u'western', u'war']
---: [u'rebels', u'german', u'fighters', u'qaeda', u'london', u'mosul', u'assad', u'daesh', u'iraqi', u'terror']", "+++: [u'city', u'government', u'jewish', u'west', u'western', u'war']
---: [u'rebels', u'german', u'fighters', u'qaeda', u'london', u'mosul', u'assad', u'daesh', u'iraqi', u'terror']", "+++: [u'city', u'government', u'jewish', u'west', u'western', u'war']
---: [u'rebels', u'german', u'fighters', u'qaeda', u'london', u'mosul', u'assad', u'daesh', u'iraqi', u'terror']", "+++: [u'city', u'government', u'jewish', u'west', u'western', u'war']
---: [u'rebels', u'german', u'fighters', u'qaeda', u'london', u'mosul', u'assad', u'daesh', u'iraqi', u'terror']", "+++: [u'city', u'government', u'jewish', u'west', u'western', u'war']
---: [u'rebels', u'german', u'fighters', u'qaeda', u'london', u'mosul', u'assad', u'daesh', u'iraqi', u'terror']", "+++: [u'city', u'government', u'jewish', u'west', u'western', u'war']
---: [u'rebels', u'german', u'fighters', u'qaeda', u'london', u'mosul', u'assad', u'daesh', u'iraqi', u'terror']", "+++: [u'city', u'government', u'jewish', u'west', u'western', u'war']
---: [u'rebels', u'german', u'fighters', u'qaeda', u'london', u'mosul', u'assad', u'daesh', u'iraqi', u'terror']", null, "+++: [u'europe', u'countries', u'country', u'government', u'western', u'west', u'world', u'war']
---: [u'coup', u'german', u'russian', u'london', u'zone', u'nato', u'policy', u'east', u'assad', u'prime']", "+++: [u'europe', u'countries', u'country', u'government', u'western', u'west', u'world', u'war']
---: [u'coup', u'german', u'russian', u'london', u'zone', u'nato', u'policy', u'east', u'assad', u'prime']", "+++: [u'europe', u'countries', u'country', u'government', u'western', u'west', u'world', u'war']
---: [u'coup', u'german', u'russian', u'london', u'zone', u'nato', u'policy', u'east', u'assad', u'prime']", "+++: [u'europe', u'countries', u'country', u'government', u'western', u'west', u'world', u'war']
---: [u'coup', u'german', u'russian', u'london', u'zone', u'nato', u'policy', u'east', u'assad', u'prime']", "+++: [u'europe', u'countries', u'country', u'government', u'western', u'west', u'world', u'war']
---: [u'coup', u'german', u'russian', u'london', u'zone', u'nato', u'policy', u'east', u'assad', u'prime']", "+++: [u'europe', u'countries', u'country', u'government', u'western', u'west', u'world', u'war']
---: [u'coup', u'german', u'russian', u'london', u'zone', u'nato', u'policy', u'east', u'assad', u'prime']", "+++: [u'europe', u'countries', u'country', u'government', u'western', u'west', u'world', u'war']
---: [u'coup', u'german', u'russian', u'london', u'zone', u'nato', u'policy', u'east', u'assad', u'prime']", "+++: [u'europe', u'countries', u'country', u'government', u'western', u'west', u'world', u'war']
---: [u'coup', u'german', u'russian', u'london', u'zone', u'nato', u'policy', u'east', u'assad', u'prime']", "+++: [u'europe', u'countries', u'country', u'government', u'western', u'west', u'world', u'war']
---: [u'coup', u'german', u'russian', u'london', u'zone', u'nato', u'policy', u'east', u'assad', u'prime']", "+++: [u'europe', u'countries', u'country', u'government', u'western', u'west', u'world', u'war']
---: [u'coup', u'german', u'russian', u'london', u'zone', u'nato', u'policy', u'east', u'assad', u'prime']", null, "+++: [u'city', u'later', u'called']
---: [u'shot', u'german', u'years', u'london', u'committed', u'children', u'suicide', u'police', u'crime', u'black']", "+++: [u'city', u'later', u'called']
---: [u'shot', u'german', u'years', u'london', u'committed', u'children', u'suicide', u'police', u'crime', u'black']", "+++: [u'city', u'later', u'called']
---: [u'shot', u'german', u'years', u'london', u'committed', u'children', u'suicide', u'police', u'crime', u'black']", "+++: [u'city', u'later', u'called']
---: [u'shot', u'german', u'years', u'london', u'committed', u'children', u'suicide', u'police', u'crime', u'black']", "+++: [u'city', u'later', u'called']
---: [u'shot', u'german', u'years', u'london', u'committed', u'children', u'suicide', u'police', u'crime', u'black']", "+++: [u'city', u'later', u'called']
---: [u'shot', u'german', u'years', u'london', u'committed', u'children', u'suicide', u'police', u'crime', u'black']", "+++: [u'city', u'later', u'called']
---: [u'shot', u'german', u'years', u'london', u'committed', u'children', u'suicide', u'police', u'crime', u'black']", "+++: [u'city', u'later', u'called']
---: [u'shot', u'german', u'years', u'london', u'committed', u'children', u'suicide', u'police', u'crime', u'black']", "+++: [u'city', u'later', u'called']
---: [u'shot', u'german', u'years', u'london', u'committed', u'children', u'suicide', u'police', u'crime', u'black']", "+++: [u'city', u'later', u'called']
---: [u'shot', u'german', u'years', u'london', u'committed', u'children', u'suicide', u'police', u'crime', u'black']", null, "+++: []
---: [u'rebels', u'month', u'fighters', u'qaeda', u'mosul', u'world', u'15', u'25', u'20', u'3']", "+++: []
---: [u'rebels', u'month', u'fighters', u'qaeda', u'mosul', u'world', u'15', u'25', u'20', u'3']", "+++: []
---: [u'rebels', u'month', u'fighters', u'qaeda', u'mosul', u'world', u'15', u'25', u'20', u'3']", "+++: []
---: [u'rebels', u'month', u'fighters', u'qaeda', u'mosul', u'world', u'15', u'25', u'20', u'3']", "+++: []
---: [u'rebels', u'month', u'fighters', u'qaeda', u'mosul', u'world', u'15', u'25', u'20', u'3']", "+++: []
---: [u'rebels', u'month', u'fighters', u'qaeda', u'mosul', u'world', u'15', u'25', u'20', u'3']", "+++: []
---: [u'rebels', u'month', u'fighters', u'qaeda', u'mosul', u'world', u'15', u'25', u'20', u'3']", "+++: []
---: [u'rebels', u'month', u'fighters', u'qaeda', u'mosul', u'world', u'15', u'25', u'20', u'3']", "+++: []
---: [u'rebels', u'month', u'fighters', u'qaeda', u'mosul', u'world', u'15', u'25', u'20', u'3']", "+++: []
---: [u'rebels', u'month', u'fighters', u'qaeda', u'mosul', u'world', u'15', u'25', u'20', u'3']", null, "+++: [u'1', u'the', u'million', u'000', u'years']
---: [u'office', u'money', u'month', u'including', u'25', u'group', u'personal', u'writes', u'state', u'0']", "+++: [u'1', u'the', u'million', u'000', u'years']
---: [u'office', u'money', u'month', u'including', u'25', u'group', u'personal', u'writes', u'state', u'0']", "+++: [u'1', u'the', u'million', u'000', u'years']
---: [u'office', u'money', u'month', u'including', u'25', u'group', u'personal', u'writes', u'state', u'0']", "+++: [u'1', u'the', u'million', u'000', u'years']
---: [u'office', u'money', u'month', u'including', u'25', u'group', u'personal', u'writes', u'state', u'0']", "+++: [u'1', u'the', u'million', u'000', u'years']
---: [u'office', u'money', u'month', u'including', u'25', u'group', u'personal', u'writes', u'state', u'0']", "+++: [u'1', u'the', u'million', u'000', u'years']
---: [u'office', u'money', u'month', u'including', u'25', u'group', u'personal', u'writes', u'state', u'0']", "+++: [u'1', u'the', u'million', u'000', u'years']
---: [u'office', u'money', u'month', u'including', u'25', u'group', u'personal', u'writes', u'state', u'0']", "+++: [u'1', u'the', u'million', u'000', u'years']
---: [u'office', u'money', u'month', u'including', u'25', u'group', u'personal', u'writes', u'state', u'0']", "+++: [u'1', u'the', u'million', u'000', u'years']
---: [u'office', u'money', u'month', u'including', u'25', u'group', u'personal', u'writes', u'state', u'0']", "+++: [u'1', u'the', u'million', u'000', u'years']
---: [u'office', u'money', u'month', u'including', u'25', u'group', u'personal', u'writes', u'state', u'0']", null, "+++: [u'news', u'october', u'according']
---: [u'years', u'25', u'20', u'justice', u'3', u'emails', u'0', u'4', u'2015', u'2014']", "+++: [u'news', u'october', u'according']
---: [u'years', u'25', u'20', u'justice', u'3', u'emails', u'0', u'4', u'2015', u'2014']", "+++: [u'news', u'october', u'according']
---: [u'years', u'25', u'20', u'justice', u'3', u'emails', u'0', u'4', u'2015', u'2014']", "+++: [u'news', u'october', u'according']
---: [u'years', u'25', u'20', u'justice', u'3', u'emails', u'0', u'4', u'2015', u'2014']", "+++: [u'news', u'october', u'according']
---: [u'years', u'25', u'20', u'justice', u'3', u'emails', u'0', u'4', u'2015', u'2014']", "+++: [u'news', u'october', u'according']
---: [u'years', u'25', u'20', u'justice', u'3', u'emails', u'0', u'4', u'2015', u'2014']", "+++: [u'news', u'october', u'according']
---: [u'years', u'25', u'20', u'justice', u'3', u'emails', u'0', u'4', u'2015', u'2014']", "+++: [u'news', u'october', u'according']
---: [u'years', u'25', u'20', u'justice', u'3', u'emails', u'0', u'4', u'2015', u'2014']", "+++: [u'news', u'october', u'according']
---: [u'years', u'25', u'20', u'justice', u'3', u'emails', u'0', u'4', u'2015', u'2014']", "+++: [u'news', u'october', u'according']
---: [u'years', u'25', u'20', u'justice', u'3', u'emails', u'0', u'4', u'2015', u'2014']", null, "+++: [u'november', u'day', u'likely']
---: [u'office', u'years', u'elect', u'supporter', u'25', u'20', u'candidate', u'0', u'going', u'4']", "+++: [u'november', u'day', u'likely']
---: [u'office', u'years', u'elect', u'supporter', u'25', u'20', u'candidate', u'0', u'going', u'4']", "+++: [u'november', u'day', u'likely']
---: [u'office', u'years', u'elect', u'supporter', u'25', u'20', u'candidate', u'0', u'going', u'4']", "+++: [u'november', u'day', u'likely']
---: [u'office', u'years', u'elect', u'supporter', u'25', u'20', u'candidate', u'0', u'going', u'4']", "+++: [u'november', u'day', u'likely']
---: [u'office', u'years', u'elect', u'supporter', u'25', u'20', u'candidate', u'0', u'going', u'4']", "+++: [u'november', u'day', u'likely']
---: [u'office', u'years', u'elect', u'supporter', u'25', u'20', u'candidate', u'0', u'going', u'4']", "+++: [u'november', u'day', u'likely']
---: [u'office', u'years', u'elect', u'supporter', u'25', u'20', u'candidate', u'0', u'going', u'4']", "+++: [u'november', u'day', u'likely']
---: [u'office', u'years', u'elect', u'supporter', u'25', u'20', u'candidate', u'0', u'going', u'4']", "+++: [u'november', u'day', u'likely']
---: [u'office', u'years', u'elect', u'supporter', u'25', u'20', u'candidate', u'0', u'going', u'4']", "+++: [u'november', u'day', u'likely']
---: [u'office', u'years', u'elect', u'supporter', u'25', u'20', u'candidate', u'0', u'going', u'4']", null, "+++: [u'according']
---: [u'office', u'years', u'report', u'25', u'20', u'justice', u'state', u'crime', u'0', u'4']", "+++: [u'according']
---: [u'office', u'years', u'report', u'25', u'20', u'justice', u'state', u'crime', u'0', u'4']", "+++: [u'according']
---: [u'office', u'years', u'report', u'25', u'20', u'justice', u'state', u'crime', u'0', u'4']", "+++: [u'according']
---: [u'office', u'years', u'report', u'25', u'20', u'justice', u'state', u'crime', u'0', u'4']", "+++: [u'according']
---: [u'office', u'years', u'report', u'25', u'20', u'justice', u'state', u'crime', u'0', u'4']", "+++: [u'according']
---: [u'office', u'years', u'report', u'25', u'20', u'justice', u'state', u'crime', u'0', u'4']", "+++: [u'according']
---: [u'office', u'years', u'report', u'25', u'20', u'justice', u'state', u'crime', u'0', u'4']", "+++: [u'according']
---: [u'office', u'years', u'report', u'25', u'20', u'justice', u'state', u'crime', u'0', u'4']", "+++: [u'according']
---: [u'office', u'years', u'report', u'25', u'20', u'justice', u'state', u'crime', u'0', u'4']", "+++: [u'according']
---: [u'office', u'years', u'report', u'25', u'20', u'justice', u'state', u'crime', u'0', u'4']", null, "+++: [u'1', u'2']
---: [u'help', u'cdc', u'years', u'children', u'25', u'20', u'symptoms', u'0', u'treatment', u'2015']", "+++: [u'1', u'2']
---: [u'help', u'cdc', u'years', u'children', u'25', u'20', u'symptoms', u'0', u'treatment', u'2015']", "+++: [u'1', u'2']
---: [u'help', u'cdc', u'years', u'children', u'25', u'20', u'symptoms', u'0', u'treatment', u'2015']", "+++: [u'1', u'2']
---: [u'help', u'cdc', u'years', u'children', u'25', u'20', u'symptoms', u'0', u'treatment', u'2015']", "+++: [u'1', u'2']
---: [u'help', u'cdc', u'years', u'children', u'25', u'20', u'symptoms', u'0', u'treatment', u'2015']", "+++: [u'1', u'2']
---: [u'help', u'cdc', u'years', u'children', u'25', u'20', u'symptoms', u'0', u'treatment', u'2015']", "+++: [u'1', u'2']
---: [u'help', u'cdc', u'years', u'children', u'25', u'20', u'symptoms', u'0', u'treatment', u'2015']", "+++: [u'1', u'2']
---: [u'help', u'cdc', u'years', u'children', u'25', u'20', u'symptoms', u'0', u'treatment', u'2015']", "+++: [u'1', u'2']
---: [u'help', u'cdc', u'years', u'children', u'25', u'20', u'symptoms', u'0', u'treatment', u'2015']", "+++: [u'1', u'2']
---: [u'help', u'cdc', u'years', u'children', u'25', u'20', u'symptoms', u'0', u'treatment', u'2015']", null, "+++: [u'world', u'change']
---: [u'help', u'able', u'years', u'human', u'25', u'based', u'personal', u'better', u'0', u'4']", "+++: [u'world', u'change']
---: [u'help', u'able', u'years', u'human', u'25', u'based', u'personal', u'better', u'0', u'4']", "+++: [u'world', u'change']
---: [u'help', u'able', u'years', u'human', u'25', u'based', u'personal', u'better', u'0', u'4']", "+++: [u'world', u'change']
---: [u'help', u'able', u'years', u'human', u'25', u'based', u'personal', u'better', u'0', u'4']", "+++: [u'world', u'change']
---: [u'help', u'able', u'years', u'human', u'25', u'based', u'personal', u'better', u'0', u'4']", "+++: [u'world', u'change']
---: [u'help', u'able', u'years', u'human', u'25', u'based', u'personal', u'better', u'0', u'4']", "+++: [u'world', u'change']
---: [u'help', u'able', u'years', u'human', u'25', u'based', u'personal', u'better', u'0', u'4']", "+++: [u'world', u'change']
---: [u'help', u'able', u'years', u'human', u'25', u'based', u'personal', u'better', u'0', u'4']", "+++: [u'world', u'change']
---: [u'help', u'able', u'years', u'human', u'25', u'based', u'personal', u'better', u'0', u'4']", "+++: [u'world', u'change']
---: [u'help', u'able', u'years', u'human', u'25', u'based', u'personal', u'better', u'0', u'4']", null, "+++: [u'world', u'change']
---: [u'coup', u'administration', u'years', u'25', u'20', u'zone', u'state', u'0', u'nato', u'4']", "+++: [u'world', u'change']
---: [u'coup', u'administration', u'years', u'25', u'20', u'zone', u'state', u'0', u'nato', u'4']", "+++: [u'world', u'change']
---: [u'coup', u'administration', u'years', u'25', u'20', u'zone', u'state', u'0', u'nato', u'4']", "+++: [u'world', u'change']
---: [u'coup', u'administration', u'years', u'25', u'20', u'zone', u'state', u'0', u'nato', u'4']", "+++: [u'world', u'change']
---: [u'coup', u'administration', u'years', u'25', u'20', u'zone', u'state', u'0', u'nato', u'4']", "+++: [u'world', u'change']
---: [u'coup', u'administration', u'years', u'25', u'20', u'zone', u'state', u'0', u'nato', u'4']", "+++: [u'world', u'change']
---: [u'coup', u'administration', u'years', u'25', u'20', u'zone', u'state', u'0', u'nato', u'4']", "+++: [u'world', u'change']
---: [u'coup', u'administration', u'years', u'25', u'20', u'zone', u'state', u'0', u'nato', u'4']", "+++: [u'world', u'change']
---: [u'coup', u'administration', u'years', u'25', u'20', u'zone', u'state', u'0', u'nato', u'4']", "+++: [u'world', u'change']
---: [u'coup', u'administration', u'years', u'25', u'20', u'zone', u'state', u'0', u'nato', u'4']", null, "+++: [u'the', u'000']
---: [u'office', u'administration', u'executive', u'years', u'committee', u'issues', u'25', u'judges', u'20', u'justice']", "+++: [u'the', u'000']
---: [u'office', u'administration', u'executive', u'years', u'committee', u'issues', u'25', u'judges', u'20', u'justice']", "+++: [u'the', u'000']
---: [u'office', u'administration', u'executive', u'years', u'committee', u'issues', u'25', u'judges', u'20', u'justice']", "+++: [u'the', u'000']
---: [u'office', u'administration', u'executive', u'years', u'committee', u'issues', u'25', u'judges', u'20', u'justice']", "+++: [u'the', u'000']
---: [u'office', u'administration', u'executive', u'years', u'committee', u'issues', u'25', u'judges', u'20', u'justice']", "+++: [u'the', u'000']
---: [u'office', u'administration', u'executive', u'years', u'committee', u'issues', u'25', u'judges', u'20', u'justice']", "+++: [u'the', u'000']
---: [u'office', u'administration', u'executive', u'years', u'committee', u'issues', u'25', u'judges', u'20', u'justice']", "+++: [u'the', u'000']
---: [u'office', u'administration', u'executive', u'years', u'committee', u'issues', u'25', u'judges', u'20', u'justice']", "+++: [u'the', u'000']
---: [u'office', u'administration', u'executive', u'years', u'committee', u'issues', u'25', u'judges', u'20', u'justice']", "+++: [u'the', u'000']
---: [u'office', u'administration', u'executive', u'years', u'committee', u'issues', u'25', u'judges', u'20', u'justice']", null, "+++: [u'news', u'percent', u'day']
---: [u'years', u'democrats', u'debate', u'25', u'votes', u'republican', u'20', u'candidate', u'state', u'0']", "+++: [u'news', u'percent', u'day']
---: [u'years', u'democrats', u'debate', u'25', u'votes', u'republican', u'20', u'candidate', u'state', u'0']", "+++: [u'news', u'percent', u'day']
---: [u'years', u'democrats', u'debate', u'25', u'votes', u'republican', u'20', u'candidate', u'state', u'0']", "+++: [u'news', u'percent', u'day']
---: [u'years', u'democrats', u'debate', u'25', u'votes', u'republican', u'20', u'candidate', u'state', u'0']", "+++: [u'news', u'percent', u'day']
---: [u'years', u'democrats', u'debate', u'25', u'votes', u'republican', u'20', u'candidate', u'state', u'0']", "+++: [u'news', u'percent', u'day']
---: [u'years', u'democrats', u'debate', u'25', u'votes', u'republican', u'20', u'candidate', u'state', u'0']", "+++: [u'news', u'percent', u'day']
---: [u'years', u'democrats', u'debate', u'25', u'votes', u'republican', u'20', u'candidate', u'state', u'0']", "+++: [u'news', u'percent', u'day']
---: [u'years', u'democrats', u'debate', u'25', u'votes', u'republican', u'20', u'candidate', u'state', u'0']", "+++: [u'news', u'percent', u'day']
---: [u'years', u'democrats', u'debate', u'25', u'votes', u'republican', u'20', u'candidate', u'state', u'0']", "+++: [u'news', u'percent', u'day']
---: [u'years', u'democrats', u'debate', u'25', u'votes', u'republican', u'20', u'candidate', u'state', u'0']", null, "+++: [u'world', u'year']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'25', u'20', u'silver', u'0', u'4']", "+++: [u'world', u'year']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'25', u'20', u'silver', u'0', u'4']", "+++: [u'world', u'year']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'25', u'20', u'silver', u'0', u'4']", "+++: [u'world', u'year']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'25', u'20', u'silver', u'0', u'4']", "+++: [u'world', u'year']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'25', u'20', u'silver', u'0', u'4']", "+++: [u'world', u'year']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'25', u'20', u'silver', u'0', u'4']", "+++: [u'world', u'year']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'25', u'20', u'silver', u'0', u'4']", "+++: [u'world', u'year']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'25', u'20', u'silver', u'0', u'4']", "+++: [u'world', u'year']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'25', u'20', u'silver', u'0', u'4']", "+++: [u'world', u'year']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'25', u'20', u'silver', u'0', u'4']", null, "+++: [u'source', u'state', u'john', u'foundation']
---: [u'office', u'money', u'years', u'including', u'note', u'group', u'justice', u'writes', u'to', u'board']", "+++: [u'source', u'state', u'john', u'foundation']
---: [u'office', u'money', u'years', u'including', u'note', u'group', u'justice', u'writes', u'to', u'board']", "+++: [u'source', u'state', u'john', u'foundation']
---: [u'office', u'money', u'years', u'including', u'note', u'group', u'justice', u'writes', u'to', u'board']", "+++: [u'source', u'state', u'john', u'foundation']
---: [u'office', u'money', u'years', u'including', u'note', u'group', u'justice', u'writes', u'to', u'board']", "+++: [u'source', u'state', u'john', u'foundation']
---: [u'office', u'money', u'years', u'including', u'note', u'group', u'justice', u'writes', u'to', u'board']", "+++: [u'source', u'state', u'john', u'foundation']
---: [u'office', u'money', u'years', u'including', u'note', u'group', u'justice', u'writes', u'to', u'board']", "+++: [u'source', u'state', u'john', u'foundation']
---: [u'office', u'money', u'years', u'including', u'note', u'group', u'justice', u'writes', u'to', u'board']", "+++: [u'source', u'state', u'john', u'foundation']
---: [u'office', u'money', u'years', u'including', u'note', u'group', u'justice', u'writes', u'to', u'board']", "+++: [u'source', u'state', u'john', u'foundation']
---: [u'office', u'money', u'years', u'including', u'note', u'group', u'justice', u'writes', u'to', u'board']", "+++: [u'source', u'state', u'john', u'foundation']
---: [u'office', u'money', u'years', u'including', u'note', u'group', u'justice', u'writes', u'to', u'board']", null, "+++: [u'state', u'public', u'office']
---: [u'money', u'years', u'including', u'1', u'police', u'justice', u'writes', u'crime', u'source', u'board']", "+++: [u'state', u'public', u'office']
---: [u'money', u'years', u'including', u'1', u'police', u'justice', u'writes', u'crime', u'source', u'board']", "+++: [u'state', u'public', u'office']
---: [u'money', u'years', u'including', u'1', u'police', u'justice', u'writes', u'crime', u'source', u'board']", "+++: [u'state', u'public', u'office']
---: [u'money', u'years', u'including', u'1', u'police', u'justice', u'writes', u'crime', u'source', u'board']", "+++: [u'state', u'public', u'office']
---: [u'money', u'years', u'including', u'1', u'police', u'justice', u'writes', u'crime', u'source', u'board']", "+++: [u'state', u'public', u'office']
---: [u'money', u'years', u'including', u'1', u'police', u'justice', u'writes', u'crime', u'source', u'board']", "+++: [u'state', u'public', u'office']
---: [u'money', u'years', u'including', u'1', u'police', u'justice', u'writes', u'crime', u'source', u'board']", "+++: [u'state', u'public', u'office']
---: [u'money', u'years', u'including', u'1', u'police', u'justice', u'writes', u'crime', u'source', u'board']", "+++: [u'state', u'public', u'office']
---: [u'money', u'years', u'including', u'1', u'police', u'justice', u'writes', u'crime', u'source', u'board']", "+++: [u'state', u'public', u'office']
---: [u'money', u'years', u'including', u'1', u'police', u'justice', u'writes', u'crime', u'source', u'board']", null, "+++: [u'1']
---: [u'help', u'office', u'cdc', u'money', u'years', u'including', u'children', u'group', u'personal', u'writes']", "+++: [u'1']
---: [u'help', u'office', u'cdc', u'money', u'years', u'including', u'children', u'group', u'personal', u'writes']", "+++: [u'1']
---: [u'help', u'office', u'cdc', u'money', u'years', u'including', u'children', u'group', u'personal', u'writes']", "+++: [u'1']
---: [u'help', u'office', u'cdc', u'money', u'years', u'including', u'children', u'group', u'personal', u'writes']", "+++: [u'1']
---: [u'help', u'office', u'cdc', u'money', u'years', u'including', u'children', u'group', u'personal', u'writes']", "+++: [u'1']
---: [u'help', u'office', u'cdc', u'money', u'years', u'including', u'children', u'group', u'personal', u'writes']", "+++: [u'1']
---: [u'help', u'office', u'cdc', u'money', u'years', u'including', u'children', u'group', u'personal', u'writes']", "+++: [u'1']
---: [u'help', u'office', u'cdc', u'money', u'years', u'including', u'children', u'group', u'personal', u'writes']", "+++: [u'1']
---: [u'help', u'office', u'cdc', u'money', u'years', u'including', u'children', u'group', u'personal', u'writes']", "+++: [u'1']
---: [u'help', u'office', u'cdc', u'money', u'years', u'including', u'children', u'group', u'personal', u'writes']", null, "+++: [u'control', u'personal', u'work']
---: [u'help', u'office', u'money', u'years', u'including', u'human', u'1', u'group', u'writes', u'better']", "+++: [u'control', u'personal', u'work']
---: [u'help', u'office', u'money', u'years', u'including', u'human', u'1', u'group', u'writes', u'better']", "+++: [u'control', u'personal', u'work']
---: [u'help', u'office', u'money', u'years', u'including', u'human', u'1', u'group', u'writes', u'better']", "+++: [u'control', u'personal', u'work']
---: [u'help', u'office', u'money', u'years', u'including', u'human', u'1', u'group', u'writes', u'better']", "+++: [u'control', u'personal', u'work']
---: [u'help', u'office', u'money', u'years', u'including', u'human', u'1', u'group', u'writes', u'better']", "+++: [u'control', u'personal', u'work']
---: [u'help', u'office', u'money', u'years', u'including', u'human', u'1', u'group', u'writes', u'better']", "+++: [u'control', u'personal', u'work']
---: [u'help', u'office', u'money', u'years', u'including', u'human', u'1', u'group', u'writes', u'better']", "+++: [u'control', u'personal', u'work']
---: [u'help', u'office', u'money', u'years', u'including', u'human', u'1', u'group', u'writes', u'better']", "+++: [u'control', u'personal', u'work']
---: [u'help', u'office', u'money', u'years', u'including', u'human', u'1', u'group', u'writes', u'better']", "+++: [u'control', u'personal', u'work']
---: [u'help', u'office', u'money', u'years', u'including', u'human', u'1', u'group', u'writes', u'better']", null, "+++: [u'president', u'state', u'media']
---: [u'coup', u'office', u'money', u'years', u'including', u'world', u'1', u'group', u'zone', u'personal']", "+++: [u'president', u'state', u'media']
---: [u'coup', u'office', u'money', u'years', u'including', u'world', u'1', u'group', u'zone', u'personal']", "+++: [u'president', u'state', u'media']
---: [u'coup', u'office', u'money', u'years', u'including', u'world', u'1', u'group', u'zone', u'personal']", "+++: [u'president', u'state', u'media']
---: [u'coup', u'office', u'money', u'years', u'including', u'world', u'1', u'group', u'zone', u'personal']", "+++: [u'president', u'state', u'media']
---: [u'coup', u'office', u'money', u'years', u'including', u'world', u'1', u'group', u'zone', u'personal']", "+++: [u'president', u'state', u'media']
---: [u'coup', u'office', u'money', u'years', u'including', u'world', u'1', u'group', u'zone', u'personal']", "+++: [u'president', u'state', u'media']
---: [u'coup', u'office', u'money', u'years', u'including', u'world', u'1', u'group', u'zone', u'personal']", "+++: [u'president', u'state', u'media']
---: [u'coup', u'office', u'money', u'years', u'including', u'world', u'1', u'group', u'zone', u'personal']", "+++: [u'president', u'state', u'media']
---: [u'coup', u'office', u'money', u'years', u'including', u'world', u'1', u'group', u'zone', u'personal']", "+++: [u'president', u'state', u'media']
---: [u'coup', u'office', u'money', u'years', u'including', u'world', u'1', u'group', u'zone', u'personal']", null, "+++: [u'office', u'work', u'state', u'chief', u'000', u'president', u'the', u'john']
---: [u'money', u'executive', u'years', u'including', u'committee', u'issues', u'note', u'judges', u'group', u'personal']", "+++: [u'office', u'work', u'state', u'chief', u'000', u'president', u'the', u'john']
---: [u'money', u'executive', u'years', u'including', u'committee', u'issues', u'note', u'judges', u'group', u'personal']", "+++: [u'office', u'work', u'state', u'chief', u'000', u'president', u'the', u'john']
---: [u'money', u'executive', u'years', u'including', u'committee', u'issues', u'note', u'judges', u'group', u'personal']", "+++: [u'office', u'work', u'state', u'chief', u'000', u'president', u'the', u'john']
---: [u'money', u'executive', u'years', u'including', u'committee', u'issues', u'note', u'judges', u'group', u'personal']", "+++: [u'office', u'work', u'state', u'chief', u'000', u'president', u'the', u'john']
---: [u'money', u'executive', u'years', u'including', u'committee', u'issues', u'note', u'judges', u'group', u'personal']", "+++: [u'office', u'work', u'state', u'chief', u'000', u'president', u'the', u'john']
---: [u'money', u'executive', u'years', u'including', u'committee', u'issues', u'note', u'judges', u'group', u'personal']", "+++: [u'office', u'work', u'state', u'chief', u'000', u'president', u'the', u'john']
---: [u'money', u'executive', u'years', u'including', u'committee', u'issues', u'note', u'judges', u'group', u'personal']", "+++: [u'office', u'work', u'state', u'chief', u'000', u'president', u'the', u'john']
---: [u'money', u'executive', u'years', u'including', u'committee', u'issues', u'note', u'judges', u'group', u'personal']", "+++: [u'office', u'work', u'state', u'chief', u'000', u'president', u'the', u'john']
---: [u'money', u'executive', u'years', u'including', u'committee', u'issues', u'note', u'judges', u'group', u'personal']", "+++: [u'office', u'work', u'state', u'chief', u'000', u'president', u'the', u'john']
---: [u'money', u'executive', u'years', u'including', u'committee', u'issues', u'note', u'judges', u'group', u'personal']", null, "+++: [u'media', u'support', u'state', u'president']
---: [u'office', u'money', u'years', u'including', u'democrats', u'debate', u'1', u'votes', u'group', u'candidate']", "+++: [u'media', u'support', u'state', u'president']
---: [u'office', u'money', u'years', u'including', u'democrats', u'debate', u'1', u'votes', u'group', u'candidate']", "+++: [u'media', u'support', u'state', u'president']
---: [u'office', u'money', u'years', u'including', u'democrats', u'debate', u'1', u'votes', u'group', u'candidate']", "+++: [u'media', u'support', u'state', u'president']
---: [u'office', u'money', u'years', u'including', u'democrats', u'debate', u'1', u'votes', u'group', u'candidate']", "+++: [u'media', u'support', u'state', u'president']
---: [u'office', u'money', u'years', u'including', u'democrats', u'debate', u'1', u'votes', u'group', u'candidate']", "+++: [u'media', u'support', u'state', u'president']
---: [u'office', u'money', u'years', u'including', u'democrats', u'debate', u'1', u'votes', u'group', u'candidate']", "+++: [u'media', u'support', u'state', u'president']
---: [u'office', u'money', u'years', u'including', u'democrats', u'debate', u'1', u'votes', u'group', u'candidate']", "+++: [u'media', u'support', u'state', u'president']
---: [u'office', u'money', u'years', u'including', u'democrats', u'debate', u'1', u'votes', u'group', u'candidate']", "+++: [u'media', u'support', u'state', u'president']
---: [u'office', u'money', u'years', u'including', u'democrats', u'debate', u'1', u'votes', u'group', u'candidate']", "+++: [u'media', u'support', u'state', u'president']
---: [u'office', u'money', u'years', u'including', u'democrats', u'debate', u'1', u'votes', u'group', u'candidate']", null, "+++: [u'money', u'business']
---: [u'gold', u'global', u'dollar', u'trade', u'including', u'1', u'group', u'office', u'personal', u'writes']", "+++: [u'money', u'business']
---: [u'gold', u'global', u'dollar', u'trade', u'including', u'1', u'group', u'office', u'personal', u'writes']", "+++: [u'money', u'business']
---: [u'gold', u'global', u'dollar', u'trade', u'including', u'1', u'group', u'office', u'personal', u'writes']", "+++: [u'money', u'business']
---: [u'gold', u'global', u'dollar', u'trade', u'including', u'1', u'group', u'office', u'personal', u'writes']", "+++: [u'money', u'business']
---: [u'gold', u'global', u'dollar', u'trade', u'including', u'1', u'group', u'office', u'personal', u'writes']", "+++: [u'money', u'business']
---: [u'gold', u'global', u'dollar', u'trade', u'including', u'1', u'group', u'office', u'personal', u'writes']", "+++: [u'money', u'business']
---: [u'gold', u'global', u'dollar', u'trade', u'including', u'1', u'group', u'office', u'personal', u'writes']", "+++: [u'money', u'business']
---: [u'gold', u'global', u'dollar', u'trade', u'including', u'1', u'group', u'office', u'personal', u'writes']", "+++: [u'money', u'business']
---: [u'gold', u'global', u'dollar', u'trade', u'including', u'1', u'group', u'office', u'personal', u'writes']", "+++: [u'money', u'business']
---: [u'gold', u'global', u'dollar', u'trade', u'including', u'1', u'group', u'office', u'personal', u'writes']", null, "+++: [u'control', u'media', u'support', u'years', u'state', u'the', u'public', u'fact']
---: [u'office', u'money', u'global', u'including', u'1', u'group', u'personal', u'writes', u'to', u'black']", "+++: [u'control', u'media', u'support', u'years', u'state', u'the', u'public', u'fact']
---: [u'office', u'money', u'global', u'including', u'1', u'group', u'personal', u'writes', u'to', u'black']", "+++: [u'control', u'media', u'support', u'years', u'state', u'the', u'public', u'fact']
---: [u'office', u'money', u'global', u'including', u'1', u'group', u'personal', u'writes', u'to', u'black']", "+++: [u'control', u'media', u'support', u'years', u'state', u'the', u'public', u'fact']
---: [u'office', u'money', u'global', u'including', u'1', u'group', u'personal', u'writes', u'to', u'black']", "+++: [u'control', u'media', u'support', u'years', u'state', u'the', u'public', u'fact']
---: [u'office', u'money', u'global', u'including', u'1', u'group', u'personal', u'writes', u'to', u'black']", "+++: [u'control', u'media', u'support', u'years', u'state', u'the', u'public', u'fact']
---: [u'office', u'money', u'global', u'including', u'1', u'group', u'personal', u'writes', u'to', u'black']", "+++: [u'control', u'media', u'support', u'years', u'state', u'the', u'public', u'fact']
---: [u'office', u'money', u'global', u'including', u'1', u'group', u'personal', u'writes', u'to', u'black']", "+++: [u'control', u'media', u'support', u'years', u'state', u'the', u'public', u'fact']
---: [u'office', u'money', u'global', u'including', u'1', u'group', u'personal', u'writes', u'to', u'black']", "+++: [u'control', u'media', u'support', u'years', u'state', u'the', u'public', u'fact']
---: [u'office', u'money', u'global', u'including', u'1', u'group', u'personal', u'writes', u'to', u'black']", "+++: [u'control', u'media', u'support', u'years', u'state', u'the', u'public', u'fact']
---: [u'office', u'money', u'global', u'including', u'1', u'group', u'personal', u'writes', u'to', u'black']", null, "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'justice', u'emails', u'iraqi', u'according', u'terror', u'east']", "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'justice', u'emails', u'iraqi', u'according', u'terror', u'east']", "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'justice', u'emails', u'iraqi', u'according', u'terror', u'east']", "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'justice', u'emails', u'iraqi', u'according', u'terror', u'east']", "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'justice', u'emails', u'iraqi', u'according', u'terror', u'east']", "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'justice', u'emails', u'iraqi', u'according', u'terror', u'east']", "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'justice', u'emails', u'iraqi', u'according', u'terror', u'east']", "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'justice', u'emails', u'iraqi', u'according', u'terror', u'east']", "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'justice', u'emails', u'iraqi', u'according', u'terror', u'east']", "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'justice', u'emails', u'iraqi', u'according', u'terror', u'east']", null, "+++: [u'clinton', u'campaign', u'house', u'days', u'hillary', u'election', u'presidential']
---: [u'office', u'supporter', u'candidate', u'justice', u'him', u'source', u'investigation', u'huma', u'sent', u'nation']", "+++: [u'clinton', u'campaign', u'house', u'days', u'hillary', u'election', u'presidential']
---: [u'office', u'supporter', u'candidate', u'justice', u'him', u'source', u'investigation', u'huma', u'sent', u'nation']", "+++: [u'clinton', u'campaign', u'house', u'days', u'hillary', u'election', u'presidential']
---: [u'office', u'supporter', u'candidate', u'justice', u'him', u'source', u'investigation', u'huma', u'sent', u'nation']", "+++: [u'clinton', u'campaign', u'house', u'days', u'hillary', u'election', u'presidential']
---: [u'office', u'supporter', u'candidate', u'justice', u'him', u'source', u'investigation', u'huma', u'sent', u'nation']", "+++: [u'clinton', u'campaign', u'house', u'days', u'hillary', u'election', u'presidential']
---: [u'office', u'supporter', u'candidate', u'justice', u'him', u'source', u'investigation', u'huma', u'sent', u'nation']", "+++: [u'clinton', u'campaign', u'house', u'days', u'hillary', u'election', u'presidential']
---: [u'office', u'supporter', u'candidate', u'justice', u'him', u'source', u'investigation', u'huma', u'sent', u'nation']", "+++: [u'clinton', u'campaign', u'house', u'days', u'hillary', u'election', u'presidential']
---: [u'office', u'supporter', u'candidate', u'justice', u'him', u'source', u'investigation', u'huma', u'sent', u'nation']", "+++: [u'clinton', u'campaign', u'house', u'days', u'hillary', u'election', u'presidential']
---: [u'office', u'supporter', u'candidate', u'justice', u'him', u'source', u'investigation', u'huma', u'sent', u'nation']", "+++: [u'clinton', u'campaign', u'house', u'days', u'hillary', u'election', u'presidential']
---: [u'office', u'supporter', u'candidate', u'justice', u'him', u'source', u'investigation', u'huma', u'sent', u'nation']", "+++: [u'clinton', u'campaign', u'house', u'days', u'hillary', u'election', u'presidential']
---: [u'office', u'supporter', u'candidate', u'justice', u'him', u'source', u'investigation', u'huma', u'sent', u'nation']", null, "+++: [u'case', u'information', u'justice', u'according', u'private', u'evidence', u'state', u'department', u'criminal', u'told']
---: [u'office', u'police', u'crime', u'source', u'huma', u'local', u'sent', u'government', u'records', u'october']", "+++: [u'case', u'information', u'justice', u'according', u'private', u'evidence', u'state', u'department', u'criminal', u'told']
---: [u'office', u'police', u'crime', u'source', u'huma', u'local', u'sent', u'government', u'records', u'october']", "+++: [u'case', u'information', u'justice', u'according', u'private', u'evidence', u'state', u'department', u'criminal', u'told']
---: [u'office', u'police', u'crime', u'source', u'huma', u'local', u'sent', u'government', u'records', u'october']", "+++: [u'case', u'information', u'justice', u'according', u'private', u'evidence', u'state', u'department', u'criminal', u'told']
---: [u'office', u'police', u'crime', u'source', u'huma', u'local', u'sent', u'government', u'records', u'october']", "+++: [u'case', u'information', u'justice', u'according', u'private', u'evidence', u'state', u'department', u'criminal', u'told']
---: [u'office', u'police', u'crime', u'source', u'huma', u'local', u'sent', u'government', u'records', u'october']", "+++: [u'case', u'information', u'justice', u'according', u'private', u'evidence', u'state', u'department', u'criminal', u'told']
---: [u'office', u'police', u'crime', u'source', u'huma', u'local', u'sent', u'government', u'records', u'october']", "+++: [u'case', u'information', u'justice', u'according', u'private', u'evidence', u'state', u'department', u'criminal', u'told']
---: [u'office', u'police', u'crime', u'source', u'huma', u'local', u'sent', u'government', u'records', u'october']", "+++: [u'case', u'information', u'justice', u'according', u'private', u'evidence', u'state', u'department', u'criminal', u'told']
---: [u'office', u'police', u'crime', u'source', u'huma', u'local', u'sent', u'government', u'records', u'october']", "+++: [u'case', u'information', u'justice', u'according', u'private', u'evidence', u'state', u'department', u'criminal', u'told']
---: [u'office', u'police', u'crime', u'source', u'huma', u'local', u'sent', u'government', u'records', u'october']", "+++: [u'case', u'information', u'justice', u'according', u'private', u'evidence', u'state', u'department', u'criminal', u'told']
---: [u'office', u'police', u'crime', u'source', u'huma', u'local', u'sent', u'government', u'records', u'october']", null, "+++: [u'information']
---: [u'help', u'human', u'based', u'personal', u'better', u'source', u'according', u'huma', u'sent', u'means']", "+++: [u'information']
---: [u'help', u'human', u'based', u'personal', u'better', u'source', u'according', u'huma', u'sent', u'means']", "+++: [u'information']
---: [u'help', u'human', u'based', u'personal', u'better', u'source', u'according', u'huma', u'sent', u'means']", "+++: [u'information']
---: [u'help', u'human', u'based', u'personal', u'better', u'source', u'according', u'huma', u'sent', u'means']", "+++: [u'information']
---: [u'help', u'human', u'based', u'personal', u'better', u'source', u'according', u'huma', u'sent', u'means']", "+++: [u'information']
---: [u'help', u'human', u'based', u'personal', u'better', u'source', u'according', u'huma', u'sent', u'means']", "+++: [u'information']
---: [u'help', u'human', u'based', u'personal', u'better', u'source', u'according', u'huma', u'sent', u'means']", "+++: [u'information']
---: [u'help', u'human', u'based', u'personal', u'better', u'source', u'according', u'huma', u'sent', u'means']", "+++: [u'information']
---: [u'help', u'human', u'based', u'personal', u'better', u'source', u'according', u'huma', u'sent', u'means']", "+++: [u'information']
---: [u'help', u'human', u'based', u'personal', u'better', u'source', u'according', u'huma', u'sent', u'means']", null, "+++: [u'state', u'clinton']
---: [u'coup', u'world', u'zone', u'justice', u'source', u'according', u'nato', u'policy', u'east', u'sent']", "+++: [u'state', u'clinton']
---: [u'coup', u'world', u'zone', u'justice', u'source', u'according', u'nato', u'policy', u'east', u'sent']", "+++: [u'state', u'clinton']
---: [u'coup', u'world', u'zone', u'justice', u'source', u'according', u'nato', u'policy', u'east', u'sent']", "+++: [u'state', u'clinton']
---: [u'coup', u'world', u'zone', u'justice', u'source', u'according', u'nato', u'policy', u'east', u'sent']", "+++: [u'state', u'clinton']
---: [u'coup', u'world', u'zone', u'justice', u'source', u'according', u'nato', u'policy', u'east', u'sent']", "+++: [u'state', u'clinton']
---: [u'coup', u'world', u'zone', u'justice', u'source', u'according', u'nato', u'policy', u'east', u'sent']", "+++: [u'state', u'clinton']
---: [u'coup', u'world', u'zone', u'justice', u'source', u'according', u'nato', u'policy', u'east', u'sent']", "+++: [u'state', u'clinton']
---: [u'coup', u'world', u'zone', u'justice', u'source', u'according', u'nato', u'policy', u'east', u'sent']", "+++: [u'state', u'clinton']
---: [u'coup', u'world', u'zone', u'justice', u'source', u'according', u'nato', u'policy', u'east', u'sent']", "+++: [u'state', u'clinton']
---: [u'coup', u'world', u'zone', u'justice', u'source', u'according', u'nato', u'policy', u'east', u'sent']", null, "+++: [u'campaign', u'congress', u'justice', u'house', u'state', u'department', u'john', u'secretary']
---: [u'office', u'executive', u'committee', u'issues', u'judges', u'barack', u'source', u'according', u'policy', u'huma']", "+++: [u'campaign', u'congress', u'justice', u'house', u'state', u'department', u'john', u'secretary']
---: [u'office', u'executive', u'committee', u'issues', u'judges', u'barack', u'source', u'according', u'policy', u'huma']", "+++: [u'campaign', u'congress', u'justice', u'house', u'state', u'department', u'john', u'secretary']
---: [u'office', u'executive', u'committee', u'issues', u'judges', u'barack', u'source', u'according', u'policy', u'huma']", "+++: [u'campaign', u'congress', u'justice', u'house', u'state', u'department', u'john', u'secretary']
---: [u'office', u'executive', u'committee', u'issues', u'judges', u'barack', u'source', u'according', u'policy', u'huma']", "+++: [u'campaign', u'congress', u'justice', u'house', u'state', u'department', u'john', u'secretary']
---: [u'office', u'executive', u'committee', u'issues', u'judges', u'barack', u'source', u'according', u'policy', u'huma']", "+++: [u'campaign', u'congress', u'justice', u'house', u'state', u'department', u'john', u'secretary']
---: [u'office', u'executive', u'committee', u'issues', u'judges', u'barack', u'source', u'according', u'policy', u'huma']", "+++: [u'campaign', u'congress', u'justice', u'house', u'state', u'department', u'john', u'secretary']
---: [u'office', u'executive', u'committee', u'issues', u'judges', u'barack', u'source', u'according', u'policy', u'huma']", "+++: [u'campaign', u'congress', u'justice', u'house', u'state', u'department', u'john', u'secretary']
---: [u'office', u'executive', u'committee', u'issues', u'judges', u'barack', u'source', u'according', u'policy', u'huma']", "+++: [u'campaign', u'congress', u'justice', u'house', u'state', u'department', u'john', u'secretary']
---: [u'office', u'executive', u'committee', u'issues', u'judges', u'barack', u'source', u'according', u'policy', u'huma']", "+++: [u'campaign', u'congress', u'justice', u'house', u'state', u'department', u'john', u'secretary']
---: [u'office', u'executive', u'committee', u'issues', u'judges', u'barack', u'source', u'according', u'policy', u'huma']", null, "+++: [u'clinton', u'campaign', u'political', u'hillary', u'state', u'election', u'news', u'presidential']
---: [u'secretary', u'democrats', u'debate', u'votes', u'candidate', u'justice', u'day', u'source', u'investigation', u'candidates']", "+++: [u'clinton', u'campaign', u'political', u'hillary', u'state', u'election', u'news', u'presidential']
---: [u'secretary', u'democrats', u'debate', u'votes', u'candidate', u'justice', u'day', u'source', u'investigation', u'candidates']", "+++: [u'clinton', u'campaign', u'political', u'hillary', u'state', u'election', u'news', u'presidential']
---: [u'secretary', u'democrats', u'debate', u'votes', u'candidate', u'justice', u'day', u'source', u'investigation', u'candidates']", "+++: [u'clinton', u'campaign', u'political', u'hillary', u'state', u'election', u'news', u'presidential']
---: [u'secretary', u'democrats', u'debate', u'votes', u'candidate', u'justice', u'day', u'source', u'investigation', u'candidates']", "+++: [u'clinton', u'campaign', u'political', u'hillary', u'state', u'election', u'news', u'presidential']
---: [u'secretary', u'democrats', u'debate', u'votes', u'candidate', u'justice', u'day', u'source', u'investigation', u'candidates']", "+++: [u'clinton', u'campaign', u'political', u'hillary', u'state', u'election', u'news', u'presidential']
---: [u'secretary', u'democrats', u'debate', u'votes', u'candidate', u'justice', u'day', u'source', u'investigation', u'candidates']", "+++: [u'clinton', u'campaign', u'political', u'hillary', u'state', u'election', u'news', u'presidential']
---: [u'secretary', u'democrats', u'debate', u'votes', u'candidate', u'justice', u'day', u'source', u'investigation', u'candidates']", "+++: [u'clinton', u'campaign', u'political', u'hillary', u'state', u'election', u'news', u'presidential']
---: [u'secretary', u'democrats', u'debate', u'votes', u'candidate', u'justice', u'day', u'source', u'investigation', u'candidates']", "+++: [u'clinton', u'campaign', u'political', u'hillary', u'state', u'election', u'news', u'presidential']
---: [u'secretary', u'democrats', u'debate', u'votes', u'candidate', u'justice', u'day', u'source', u'investigation', u'candidates']", "+++: [u'clinton', u'campaign', u'political', u'hillary', u'state', u'election', u'news', u'presidential']
---: [u'secretary', u'democrats', u'debate', u'votes', u'candidate', u'justice', u'day', u'source', u'investigation', u'candidates']", null, "+++: [u'state', u'political']
---: [u'global', u'years', u'justice', u'source', u'according', u'black', u'policy', u'huma', u'elites', u'government']", "+++: [u'state', u'political']
---: [u'global', u'years', u'justice', u'source', u'according', u'black', u'policy', u'huma', u'elites', u'government']", "+++: [u'state', u'political']
---: [u'global', u'years', u'justice', u'source', u'according', u'black', u'policy', u'huma', u'elites', u'government']", "+++: [u'state', u'political']
---: [u'global', u'years', u'justice', u'source', u'according', u'black', u'policy', u'huma', u'elites', u'government']", "+++: [u'state', u'political']
---: [u'global', u'years', u'justice', u'source', u'according', u'black', u'policy', u'huma', u'elites', u'government']", "+++: [u'state', u'political']
---: [u'global', u'years', u'justice', u'source', u'according', u'black', u'policy', u'huma', u'elites', u'government']", "+++: [u'state', u'political']
---: [u'global', u'years', u'justice', u'source', u'according', u'black', u'policy', u'huma', u'elites', u'government']", "+++: [u'state', u'political']
---: [u'global', u'years', u'justice', u'source', u'according', u'black', u'policy', u'huma', u'elites', u'government']", "+++: [u'state', u'political']
---: [u'global', u'years', u'justice', u'source', u'according', u'black', u'policy', u'huma', u'elites', u'government']", "+++: [u'state', u'political']
---: [u'global', u'years', u'justice', u'source', u'according', u'black', u'policy', u'huma', u'elites', u'government']", null, "+++: [u'case', u'state', u'investigation', u'according', u'told']
---: [u'shot', u'years', u'committed', u'children', u'suicide', u'police', u'justice', u'crime', u'source', u'black']", "+++: [u'case', u'state', u'investigation', u'according', u'told']
---: [u'shot', u'years', u'committed', u'children', u'suicide', u'police', u'justice', u'crime', u'source', u'black']", "+++: [u'case', u'state', u'investigation', u'according', u'told']
---: [u'shot', u'years', u'committed', u'children', u'suicide', u'police', u'justice', u'crime', u'source', u'black']", "+++: [u'case', u'state', u'investigation', u'according', u'told']
---: [u'shot', u'years', u'committed', u'children', u'suicide', u'police', u'justice', u'crime', u'source', u'black']", "+++: [u'case', u'state', u'investigation', u'according', u'told']
---: [u'shot', u'years', u'committed', u'children', u'suicide', u'police', u'justice', u'crime', u'source', u'black']", "+++: [u'case', u'state', u'investigation', u'according', u'told']
---: [u'shot', u'years', u'committed', u'children', u'suicide', u'police', u'justice', u'crime', u'source', u'black']", "+++: [u'case', u'state', u'investigation', u'according', u'told']
---: [u'shot', u'years', u'committed', u'children', u'suicide', u'police', u'justice', u'crime', u'source', u'black']", "+++: [u'case', u'state', u'investigation', u'according', u'told']
---: [u'shot', u'years', u'committed', u'children', u'suicide', u'police', u'justice', u'crime', u'source', u'black']", "+++: [u'case', u'state', u'investigation', u'according', u'told']
---: [u'shot', u'years', u'committed', u'children', u'suicide', u'police', u'justice', u'crime', u'source', u'black']", "+++: [u'case', u'state', u'investigation', u'according', u'told']
---: [u'shot', u'years', u'committed', u'children', u'suicide', u'police', u'justice', u'crime', u'source', u'black']", null, "+++: [u'body', u'water', u'use', u'natural', u'dr', u'study', u'research', u'high', u'health', u'studies']
---: [u'help', u'cdc', u'caused', u'magnetic', u'years', u'earth', u'children', u'cell', u'electricity', u'symptoms']", "+++: [u'body', u'water', u'use', u'natural', u'dr', u'study', u'research', u'high', u'health', u'studies']
---: [u'help', u'cdc', u'caused', u'magnetic', u'years', u'earth', u'children', u'cell', u'electricity', u'symptoms']", "+++: [u'body', u'water', u'use', u'natural', u'dr', u'study', u'research', u'high', u'health', u'studies']
---: [u'help', u'cdc', u'caused', u'magnetic', u'years', u'earth', u'children', u'cell', u'electricity', u'symptoms']", "+++: [u'body', u'water', u'use', u'natural', u'dr', u'study', u'research', u'high', u'health', u'studies']
---: [u'help', u'cdc', u'caused', u'magnetic', u'years', u'earth', u'children', u'cell', u'electricity', u'symptoms']", "+++: [u'body', u'water', u'use', u'natural', u'dr', u'study', u'research', u'high', u'health', u'studies']
---: [u'help', u'cdc', u'caused', u'magnetic', u'years', u'earth', u'children', u'cell', u'electricity', u'symptoms']", "+++: [u'body', u'water', u'use', u'natural', u'dr', u'study', u'research', u'high', u'health', u'studies']
---: [u'help', u'cdc', u'caused', u'magnetic', u'years', u'earth', u'children', u'cell', u'electricity', u'symptoms']", "+++: [u'body', u'water', u'use', u'natural', u'dr', u'study', u'research', u'high', u'health', u'studies']
---: [u'help', u'cdc', u'caused', u'magnetic', u'years', u'earth', u'children', u'cell', u'electricity', u'symptoms']", "+++: [u'body', u'water', u'use', u'natural', u'dr', u'study', u'research', u'high', u'health', u'studies']
---: [u'help', u'cdc', u'caused', u'magnetic', u'years', u'earth', u'children', u'cell', u'electricity', u'symptoms']", "+++: [u'body', u'water', u'use', u'natural', u'dr', u'study', u'research', u'high', u'health', u'studies']
---: [u'help', u'cdc', u'caused', u'magnetic', u'years', u'earth', u'children', u'cell', u'electricity', u'symptoms']", "+++: [u'body', u'water', u'use', u'natural', u'dr', u'study', u'research', u'high', u'health', u'studies']
---: [u'help', u'cdc', u'caused', u'magnetic', u'years', u'earth', u'children', u'cell', u'electricity', u'symptoms']", null, "+++: [u'university', u'years', u'field', u'scientists', u'known', u'earth', u'researchers']
---: [u'caused', u'magnetic', u'discovered', u'paper', u'electricity', u'sky', u'signals', u'source', u'black', u'image']", "+++: [u'university', u'years', u'field', u'scientists', u'known', u'earth', u'researchers']
---: [u'caused', u'magnetic', u'discovered', u'paper', u'electricity', u'sky', u'signals', u'source', u'black', u'image']", "+++: [u'university', u'years', u'field', u'scientists', u'known', u'earth', u'researchers']
---: [u'caused', u'magnetic', u'discovered', u'paper', u'electricity', u'sky', u'signals', u'source', u'black', u'image']", "+++: [u'university', u'years', u'field', u'scientists', u'known', u'earth', u'researchers']
---: [u'caused', u'magnetic', u'discovered', u'paper', u'electricity', u'sky', u'signals', u'source', u'black', u'image']", "+++: [u'university', u'years', u'field', u'scientists', u'known', u'earth', u'researchers']
---: [u'caused', u'magnetic', u'discovered', u'paper', u'electricity', u'sky', u'signals', u'source', u'black', u'image']", "+++: [u'university', u'years', u'field', u'scientists', u'known', u'earth', u'researchers']
---: [u'caused', u'magnetic', u'discovered', u'paper', u'electricity', u'sky', u'signals', u'source', u'black', u'image']", "+++: [u'university', u'years', u'field', u'scientists', u'known', u'earth', u'researchers']
---: [u'caused', u'magnetic', u'discovered', u'paper', u'electricity', u'sky', u'signals', u'source', u'black', u'image']", "+++: [u'university', u'years', u'field', u'scientists', u'known', u'earth', u'researchers']
---: [u'caused', u'magnetic', u'discovered', u'paper', u'electricity', u'sky', u'signals', u'source', u'black', u'image']", "+++: [u'university', u'years', u'field', u'scientists', u'known', u'earth', u'researchers']
---: [u'caused', u'magnetic', u'discovered', u'paper', u'electricity', u'sky', u'signals', u'source', u'black', u'image']", "+++: [u'university', u'years', u'field', u'scientists', u'known', u'earth', u'researchers']
---: [u'caused', u'magnetic', u'discovered', u'paper', u'electricity', u'sky', u'signals', u'source', u'black', u'image']", null, "+++: [u'house', u'white', u'mr', u'american', u'president']
---: [u'office', u'years', u'elect', u'alt', u'supporter', u'candidate', u'him', u'bush', u'going', u'black']", "+++: [u'house', u'white', u'mr', u'american', u'president']
---: [u'office', u'years', u'elect', u'alt', u'supporter', u'candidate', u'him', u'bush', u'going', u'black']", "+++: [u'house', u'white', u'mr', u'american', u'president']
---: [u'office', u'years', u'elect', u'alt', u'supporter', u'candidate', u'him', u'bush', u'going', u'black']", "+++: [u'house', u'white', u'mr', u'american', u'president']
---: [u'office', u'years', u'elect', u'alt', u'supporter', u'candidate', u'him', u'bush', u'going', u'black']", "+++: [u'house', u'white', u'mr', u'american', u'president']
---: [u'office', u'years', u'elect', u'alt', u'supporter', u'candidate', u'him', u'bush', u'going', u'black']", "+++: [u'house', u'white', u'mr', u'american', u'president']
---: [u'office', u'years', u'elect', u'alt', u'supporter', u'candidate', u'him', u'bush', u'going', u'black']", "+++: [u'house', u'white', u'mr', u'american', u'president']
---: [u'office', u'years', u'elect', u'alt', u'supporter', u'candidate', u'him', u'bush', u'going', u'black']", "+++: [u'house', u'white', u'mr', u'american', u'president']
---: [u'office', u'years', u'elect', u'alt', u'supporter', u'candidate', u'him', u'bush', u'going', u'black']", "+++: [u'house', u'white', u'mr', u'american', u'president']
---: [u'office', u'years', u'elect', u'alt', u'supporter', u'candidate', u'him', u'bush', u'going', u'black']", "+++: [u'house', u'white', u'mr', u'american', u'president']
---: [u'office', u'years', u'elect', u'alt', u'supporter', u'candidate', u'him', u'bush', u'going', u'black']", null, "+++: [u'i', u'going', u'election', u'office', u'day']
---: [u'results', u'paper', u'elect', u'supporter', u'votes', u'voter', u'candidate', u'tape', u'voted', u'ballots']", "+++: [u'i', u'going', u'election', u'office', u'day']
---: [u'results', u'paper', u'elect', u'supporter', u'votes', u'voter', u'candidate', u'tape', u'voted', u'ballots']", "+++: [u'i', u'going', u'election', u'office', u'day']
---: [u'results', u'paper', u'elect', u'supporter', u'votes', u'voter', u'candidate', u'tape', u'voted', u'ballots']", "+++: [u'i', u'going', u'election', u'office', u'day']
---: [u'results', u'paper', u'elect', u'supporter', u'votes', u'voter', u'candidate', u'tape', u'voted', u'ballots']", "+++: [u'i', u'going', u'election', u'office', u'day']
---: [u'results', u'paper', u'elect', u'supporter', u'votes', u'voter', u'candidate', u'tape', u'voted', u'ballots']", "+++: [u'i', u'going', u'election', u'office', u'day']
---: [u'results', u'paper', u'elect', u'supporter', u'votes', u'voter', u'candidate', u'tape', u'voted', u'ballots']", "+++: [u'i', u'going', u'election', u'office', u'day']
---: [u'results', u'paper', u'elect', u'supporter', u'votes', u'voter', u'candidate', u'tape', u'voted', u'ballots']", "+++: [u'i', u'going', u'election', u'office', u'day']
---: [u'results', u'paper', u'elect', u'supporter', u'votes', u'voter', u'candidate', u'tape', u'voted', u'ballots']", "+++: [u'i', u'going', u'election', u'office', u'day']
---: [u'results', u'paper', u'elect', u'supporter', u'votes', u'voter', u'candidate', u'tape', u'voted', u'ballots']", "+++: [u'i', u'going', u'election', u'office', u'day']
---: [u'results', u'paper', u'elect', u'supporter', u'votes', u'voter', u'candidate', u'tape', u'voted', u'ballots']", null, "+++: [u'united', u'clinton', u'country', u'american', u'president', u'obama']
---: [u'coup', u'office', u'world', u'supporter', u'candidate', u'him', u'going', u'nato', u'policy', u'east']", "+++: [u'united', u'clinton', u'country', u'american', u'president', u'obama']
---: [u'coup', u'office', u'world', u'supporter', u'candidate', u'him', u'going', u'nato', u'policy', u'east']", "+++: [u'united', u'clinton', u'country', u'american', u'president', u'obama']
---: [u'coup', u'office', u'world', u'supporter', u'candidate', u'him', u'going', u'nato', u'policy', u'east']", "+++: [u'united', u'clinton', u'country', u'american', u'president', u'obama']
---: [u'coup', u'office', u'world', u'supporter', u'candidate', u'him', u'going', u'nato', u'policy', u'east']", "+++: [u'united', u'clinton', u'country', u'american', u'president', u'obama']
---: [u'coup', u'office', u'world', u'supporter', u'candidate', u'him', u'going', u'nato', u'policy', u'east']", "+++: [u'united', u'clinton', u'country', u'american', u'president', u'obama']
---: [u'coup', u'office', u'world', u'supporter', u'candidate', u'him', u'going', u'nato', u'policy', u'east']", "+++: [u'united', u'clinton', u'country', u'american', u'president', u'obama']
---: [u'coup', u'office', u'world', u'supporter', u'candidate', u'him', u'going', u'nato', u'policy', u'east']", "+++: [u'united', u'clinton', u'country', u'american', u'president', u'obama']
---: [u'coup', u'office', u'world', u'supporter', u'candidate', u'him', u'going', u'nato', u'policy', u'east']", "+++: [u'united', u'clinton', u'country', u'american', u'president', u'obama']
---: [u'coup', u'office', u'world', u'supporter', u'candidate', u'him', u'going', u'nato', u'policy', u'east']", "+++: [u'united', u'clinton', u'country', u'american', u'president', u'obama']
---: [u'coup', u'office', u'world', u'supporter', u'candidate', u'him', u'going', u'nato', u'policy', u'east']", null, "+++: [u'united', u'office', u'campaign', u'house', u'american', u'americans', u'country', u'president', u'white', u'america']
---: [u'executive', u'committee', u'elect', u'supporter', u'issues', u'judges', u'candidate', u'justice', u'day', u'barack']", "+++: [u'united', u'office', u'campaign', u'house', u'american', u'americans', u'country', u'president', u'white', u'america']
---: [u'executive', u'committee', u'elect', u'supporter', u'issues', u'judges', u'candidate', u'justice', u'day', u'barack']", "+++: [u'united', u'office', u'campaign', u'house', u'american', u'americans', u'country', u'president', u'white', u'america']
---: [u'executive', u'committee', u'elect', u'supporter', u'issues', u'judges', u'candidate', u'justice', u'day', u'barack']", "+++: [u'united', u'office', u'campaign', u'house', u'american', u'americans', u'country', u'president', u'white', u'america']
---: [u'executive', u'committee', u'elect', u'supporter', u'issues', u'judges', u'candidate', u'justice', u'day', u'barack']", "+++: [u'united', u'office', u'campaign', u'house', u'american', u'americans', u'country', u'president', u'white', u'america']
---: [u'executive', u'committee', u'elect', u'supporter', u'issues', u'judges', u'candidate', u'justice', u'day', u'barack']", "+++: [u'united', u'office', u'campaign', u'house', u'american', u'americans', u'country', u'president', u'white', u'america']
---: [u'executive', u'committee', u'elect', u'supporter', u'issues', u'judges', u'candidate', u'justice', u'day', u'barack']", "+++: [u'united', u'office', u'campaign', u'house', u'american', u'americans', u'country', u'president', u'white', u'america']
---: [u'executive', u'committee', u'elect', u'supporter', u'issues', u'judges', u'candidate', u'justice', u'day', u'barack']", "+++: [u'united', u'office', u'campaign', u'house', u'american', u'americans', u'country', u'president', u'white', u'america']
---: [u'executive', u'committee', u'elect', u'supporter', u'issues', u'judges', u'candidate', u'justice', u'day', u'barack']", "+++: [u'united', u'office', u'campaign', u'house', u'american', u'americans', u'country', u'president', u'white', u'america']
---: [u'executive', u'committee', u'elect', u'supporter', u'issues', u'judges', u'candidate', u'justice', u'day', u'barack']", "+++: [u'united', u'office', u'campaign', u'house', u'american', u'americans', u'country', u'president', u'white', u'america']
---: [u'executive', u'committee', u'elect', u'supporter', u'issues', u'judges', u'candidate', u'justice', u'day', u'barack']", null, "+++: [u'obama', u'clinton', u'trump', u'campaign', u'win', u'american', u'candidate', u'hillary', u'donald', u'won']
---: [u'violence', u'elect', u'voters', u'days', u'house', u'national', u'him', u'democrat', u'states', u'elected']", "+++: [u'obama', u'clinton', u'trump', u'campaign', u'win', u'american', u'candidate', u'hillary', u'donald', u'won']
---: [u'violence', u'elect', u'voters', u'days', u'house', u'national', u'him', u'democrat', u'states', u'elected']", "+++: [u'obama', u'clinton', u'trump', u'campaign', u'win', u'american', u'candidate', u'hillary', u'donald', u'won']
---: [u'violence', u'elect', u'voters', u'days', u'house', u'national', u'him', u'democrat', u'states', u'elected']", "+++: [u'obama', u'clinton', u'trump', u'campaign', u'win', u'american', u'candidate', u'hillary', u'donald', u'won']
---: [u'violence', u'elect', u'voters', u'days', u'house', u'national', u'him', u'democrat', u'states', u'elected']", "+++: [u'obama', u'clinton', u'trump', u'campaign', u'win', u'american', u'candidate', u'hillary', u'donald', u'won']
---: [u'violence', u'elect', u'voters', u'days', u'house', u'national', u'him', u'democrat', u'states', u'elected']", "+++: [u'obama', u'clinton', u'trump', u'campaign', u'win', u'american', u'candidate', u'hillary', u'donald', u'won']
---: [u'violence', u'elect', u'voters', u'days', u'house', u'national', u'him', u'democrat', u'states', u'elected']", "+++: [u'obama', u'clinton', u'trump', u'campaign', u'win', u'american', u'candidate', u'hillary', u'donald', u'won']
---: [u'violence', u'elect', u'voters', u'days', u'house', u'national', u'him', u'democrat', u'states', u'elected']", "+++: [u'obama', u'clinton', u'trump', u'campaign', u'win', u'american', u'candidate', u'hillary', u'donald', u'won']
---: [u'violence', u'elect', u'voters', u'days', u'house', u'national', u'him', u'democrat', u'states', u'elected']", "+++: [u'obama', u'clinton', u'trump', u'campaign', u'win', u'american', u'candidate', u'hillary', u'donald', u'won']
---: [u'violence', u'elect', u'voters', u'days', u'house', u'national', u'him', u'democrat', u'states', u'elected']", "+++: [u'obama', u'clinton', u'trump', u'campaign', u'win', u'american', u'candidate', u'hillary', u'donald', u'won']
---: [u'violence', u'elect', u'voters', u'days', u'house', u'national', u'him', u'democrat', u'states', u'elected']", null, "+++: [u'secret', u'u']
---: [u'coup', u'years', u'alt', u'nevada', u'warren', u'assassination', u'bush', u'edward', u'black', u'texas']", "+++: [u'secret', u'u']
---: [u'coup', u'years', u'alt', u'nevada', u'warren', u'assassination', u'bush', u'edward', u'black', u'texas']", "+++: [u'secret', u'u']
---: [u'coup', u'years', u'alt', u'nevada', u'warren', u'assassination', u'bush', u'edward', u'black', u'texas']", "+++: [u'secret', u'u']
---: [u'coup', u'years', u'alt', u'nevada', u'warren', u'assassination', u'bush', u'edward', u'black', u'texas']", "+++: [u'secret', u'u']
---: [u'coup', u'years', u'alt', u'nevada', u'warren', u'assassination', u'bush', u'edward', u'black', u'texas']", "+++: [u'secret', u'u']
---: [u'coup', u'years', u'alt', u'nevada', u'warren', u'assassination', u'bush', u'edward', u'black', u'texas']", "+++: [u'secret', u'u']
---: [u'coup', u'years', u'alt', u'nevada', u'warren', u'assassination', u'bush', u'edward', u'black', u'texas']", "+++: [u'secret', u'u']
---: [u'coup', u'years', u'alt', u'nevada', u'warren', u'assassination', u'bush', u'edward', u'black', u'texas']", "+++: [u'secret', u'u']
---: [u'coup', u'years', u'alt', u'nevada', u'warren', u'assassination', u'bush', u'edward', u'black', u'texas']", "+++: [u'secret', u'u']
---: [u'coup', u'years', u'alt', u'nevada', u'warren', u'assassination', u'bush', u'edward', u'black', u'texas']", null, "+++: [u'intelligence', u'u', u'government']
---: [u'coup', u'money', u'embassy', u'human', u'nevada', u'warren', u'assassination', u'edward', u'texas', u'kingdom']", "+++: [u'intelligence', u'u', u'government']
---: [u'coup', u'money', u'embassy', u'human', u'nevada', u'warren', u'assassination', u'edward', u'texas', u'kingdom']", "+++: [u'intelligence', u'u', u'government']
---: [u'coup', u'money', u'embassy', u'human', u'nevada', u'warren', u'assassination', u'edward', u'texas', u'kingdom']", "+++: [u'intelligence', u'u', u'government']
---: [u'coup', u'money', u'embassy', u'human', u'nevada', u'warren', u'assassination', u'edward', u'texas', u'kingdom']", "+++: [u'intelligence', u'u', u'government']
---: [u'coup', u'money', u'embassy', u'human', u'nevada', u'warren', u'assassination', u'edward', u'texas', u'kingdom']", "+++: [u'intelligence', u'u', u'government']
---: [u'coup', u'money', u'embassy', u'human', u'nevada', u'warren', u'assassination', u'edward', u'texas', u'kingdom']", "+++: [u'intelligence', u'u', u'government']
---: [u'coup', u'money', u'embassy', u'human', u'nevada', u'warren', u'assassination', u'edward', u'texas', u'kingdom']", "+++: [u'intelligence', u'u', u'government']
---: [u'coup', u'money', u'embassy', u'human', u'nevada', u'warren', u'assassination', u'edward', u'texas', u'kingdom']", "+++: [u'intelligence', u'u', u'government']
---: [u'coup', u'money', u'embassy', u'human', u'nevada', u'warren', u'assassination', u'edward', u'texas', u'kingdom']", "+++: [u'intelligence', u'u', u'government']
---: [u'coup', u'money', u'embassy', u'human', u'nevada', u'warren', u'assassination', u'edward', u'texas', u'kingdom']", null, "+++: [u'case', u'story', u'times', u'black', u'years']
---: [u'shot', u'committed', u'alt', u'children', u'suicide', u'police', u'crime', u'bush', u'prison', u'woman']", "+++: [u'case', u'story', u'times', u'black', u'years']
---: [u'shot', u'committed', u'alt', u'children', u'suicide', u'police', u'crime', u'bush', u'prison', u'woman']", "+++: [u'case', u'story', u'times', u'black', u'years']
---: [u'shot', u'committed', u'alt', u'children', u'suicide', u'police', u'crime', u'bush', u'prison', u'woman']", "+++: [u'case', u'story', u'times', u'black', u'years']
---: [u'shot', u'committed', u'alt', u'children', u'suicide', u'police', u'crime', u'bush', u'prison', u'woman']", "+++: [u'case', u'story', u'times', u'black', u'years']
---: [u'shot', u'committed', u'alt', u'children', u'suicide', u'police', u'crime', u'bush', u'prison', u'woman']", "+++: [u'case', u'story', u'times', u'black', u'years']
---: [u'shot', u'committed', u'alt', u'children', u'suicide', u'police', u'crime', u'bush', u'prison', u'woman']", "+++: [u'case', u'story', u'times', u'black', u'years']
---: [u'shot', u'committed', u'alt', u'children', u'suicide', u'police', u'crime', u'bush', u'prison', u'woman']", "+++: [u'case', u'story', u'times', u'black', u'years']
---: [u'shot', u'committed', u'alt', u'children', u'suicide', u'police', u'crime', u'bush', u'prison', u'woman']", "+++: [u'case', u'story', u'times', u'black', u'years']
---: [u'shot', u'committed', u'alt', u'children', u'suicide', u'police', u'crime', u'bush', u'prison', u'woman']", "+++: [u'case', u'story', u'times', u'black', u'years']
---: [u'shot', u'committed', u'alt', u'children', u'suicide', u'police', u'crime', u'bush', u'prison', u'woman']", null, "+++: [u'u']
---: [u'soros', u'office', u'results', u'years', u'paper', u'alt', u'nixon', u'votes', u'voter', u'bush']", "+++: [u'u']
---: [u'soros', u'office', u'results', u'years', u'paper', u'alt', u'nixon', u'votes', u'voter', u'bush']", "+++: [u'u']
---: [u'soros', u'office', u'results', u'years', u'paper', u'alt', u'nixon', u'votes', u'voter', u'bush']", "+++: [u'u']
---: [u'soros', u'office', u'results', u'years', u'paper', u'alt', u'nixon', u'votes', u'voter', u'bush']", "+++: [u'u']
---: [u'soros', u'office', u'results', u'years', u'paper', u'alt', u'nixon', u'votes', u'voter', u'bush']", "+++: [u'u']
---: [u'soros', u'office', u'results', u'years', u'paper', u'alt', u'nixon', u'votes', u'voter', u'bush']", "+++: [u'u']
---: [u'soros', u'office', u'results', u'years', u'paper', u'alt', u'nixon', u'votes', u'voter', u'bush']", "+++: [u'u']
---: [u'soros', u'office', u'results', u'years', u'paper', u'alt', u'nixon', u'votes', u'voter', u'bush']", "+++: [u'u']
---: [u'soros', u'office', u'results', u'years', u'paper', u'alt', u'nixon', u'votes', u'voter', u'bush']", "+++: [u'u']
---: [u'soros', u'office', u'results', u'years', u'paper', u'alt', u'nixon', u'votes', u'voter', u'bush']", null, "+++: [u'state', u'government']
---: [u'rebels', u'office', u'fighters', u'qaeda', u'mosul', u'police', u'justice', u'crime', u'iraqi', u'terror']", "+++: [u'state', u'government']
---: [u'rebels', u'office', u'fighters', u'qaeda', u'mosul', u'police', u'justice', u'crime', u'iraqi', u'terror']", "+++: [u'state', u'government']
---: [u'rebels', u'office', u'fighters', u'qaeda', u'mosul', u'police', u'justice', u'crime', u'iraqi', u'terror']", "+++: [u'state', u'government']
---: [u'rebels', u'office', u'fighters', u'qaeda', u'mosul', u'police', u'justice', u'crime', u'iraqi', u'terror']", "+++: [u'state', u'government']
---: [u'rebels', u'office', u'fighters', u'qaeda', u'mosul', u'police', u'justice', u'crime', u'iraqi', u'terror']", "+++: [u'state', u'government']
---: [u'rebels', u'office', u'fighters', u'qaeda', u'mosul', u'police', u'justice', u'crime', u'iraqi', u'terror']", "+++: [u'state', u'government']
---: [u'rebels', u'office', u'fighters', u'qaeda', u'mosul', u'police', u'justice', u'crime', u'iraqi', u'terror']", "+++: [u'state', u'government']
---: [u'rebels', u'office', u'fighters', u'qaeda', u'mosul', u'police', u'justice', u'crime', u'iraqi', u'terror']", "+++: [u'state', u'government']
---: [u'rebels', u'office', u'fighters', u'qaeda', u'mosul', u'police', u'justice', u'crime', u'iraqi', u'terror']", "+++: [u'state', u'government']
---: [u'rebels', u'office', u'fighters', u'qaeda', u'mosul', u'police', u'justice', u'crime', u'iraqi', u'terror']", null, "+++: [u'high', u'use']
---: [u'help', u'office', u'cdc', u'children', u'police', u'justice', u'crime', u'symptoms', u'arrest', u'treatment']", "+++: [u'high', u'use']
---: [u'help', u'office', u'cdc', u'children', u'police', u'justice', u'crime', u'symptoms', u'arrest', u'treatment']", "+++: [u'high', u'use']
---: [u'help', u'office', u'cdc', u'children', u'police', u'justice', u'crime', u'symptoms', u'arrest', u'treatment']", "+++: [u'high', u'use']
---: [u'help', u'office', u'cdc', u'children', u'police', u'justice', u'crime', u'symptoms', u'arrest', u'treatment']", "+++: [u'high', u'use']
---: [u'help', u'office', u'cdc', u'children', u'police', u'justice', u'crime', u'symptoms', u'arrest', u'treatment']", "+++: [u'high', u'use']
---: [u'help', u'office', u'cdc', u'children', u'police', u'justice', u'crime', u'symptoms', u'arrest', u'treatment']", "+++: [u'high', u'use']
---: [u'help', u'office', u'cdc', u'children', u'police', u'justice', u'crime', u'symptoms', u'arrest', u'treatment']", "+++: [u'high', u'use']
---: [u'help', u'office', u'cdc', u'children', u'police', u'justice', u'crime', u'symptoms', u'arrest', u'treatment']", "+++: [u'high', u'use']
---: [u'help', u'office', u'cdc', u'children', u'police', u'justice', u'crime', u'symptoms', u'arrest', u'treatment']", "+++: [u'high', u'use']
---: [u'help', u'office', u'cdc', u'children', u'police', u'justice', u'crime', u'symptoms', u'arrest', u'treatment']", null, "+++: [u'state', u'officials', u'office', u'told']
---: [u'soros', u'results', u'press', u'paper', u'comments', u'votes', u'voter', u'police', u'justice', u'crime']", "+++: [u'state', u'officials', u'office', u'told']
---: [u'soros', u'results', u'press', u'paper', u'comments', u'votes', u'voter', u'police', u'justice', u'crime']", "+++: [u'state', u'officials', u'office', u'told']
---: [u'soros', u'results', u'press', u'paper', u'comments', u'votes', u'voter', u'police', u'justice', u'crime']", "+++: [u'state', u'officials', u'office', u'told']
---: [u'soros', u'results', u'press', u'paper', u'comments', u'votes', u'voter', u'police', u'justice', u'crime']", "+++: [u'state', u'officials', u'office', u'told']
---: [u'soros', u'results', u'press', u'paper', u'comments', u'votes', u'voter', u'police', u'justice', u'crime']", "+++: [u'state', u'officials', u'office', u'told']
---: [u'soros', u'results', u'press', u'paper', u'comments', u'votes', u'voter', u'police', u'justice', u'crime']", "+++: [u'state', u'officials', u'office', u'told']
---: [u'soros', u'results', u'press', u'paper', u'comments', u'votes', u'voter', u'police', u'justice', u'crime']", "+++: [u'state', u'officials', u'office', u'told']
---: [u'soros', u'results', u'press', u'paper', u'comments', u'votes', u'voter', u'police', u'justice', u'crime']", "+++: [u'state', u'officials', u'office', u'told']
---: [u'soros', u'results', u'press', u'paper', u'comments', u'votes', u'voter', u'police', u'justice', u'crime']", "+++: [u'state', u'officials', u'office', u'told']
---: [u'soros', u'results', u'press', u'paper', u'comments', u'votes', u'voter', u'police', u'justice', u'crime']", null, "+++: [u'state', u'government']
---: [u'coup', u'office', u'world', u'police', u'zone', u'justice', u'crime', u'arrest', u'nato', u'policy']", "+++: [u'state', u'government']
---: [u'coup', u'office', u'world', u'police', u'zone', u'justice', u'crime', u'arrest', u'nato', u'policy']", "+++: [u'state', u'government']
---: [u'coup', u'office', u'world', u'police', u'zone', u'justice', u'crime', u'arrest', u'nato', u'policy']", "+++: [u'state', u'government']
---: [u'coup', u'office', u'world', u'police', u'zone', u'justice', u'crime', u'arrest', u'nato', u'policy']", "+++: [u'state', u'government']
---: [u'coup', u'office', u'world', u'police', u'zone', u'justice', u'crime', u'arrest', u'nato', u'policy']", "+++: [u'state', u'government']
---: [u'coup', u'office', u'world', u'police', u'zone', u'justice', u'crime', u'arrest', u'nato', u'policy']", "+++: [u'state', u'government']
---: [u'coup', u'office', u'world', u'police', u'zone', u'justice', u'crime', u'arrest', u'nato', u'policy']", "+++: [u'state', u'government']
---: [u'coup', u'office', u'world', u'police', u'zone', u'justice', u'crime', u'arrest', u'nato', u'policy']", "+++: [u'state', u'government']
---: [u'coup', u'office', u'world', u'police', u'zone', u'justice', u'crime', u'arrest', u'nato', u'policy']", "+++: [u'state', u'government']
---: [u'coup', u'office', u'world', u'police', u'zone', u'justice', u'crime', u'arrest', u'nato', u'policy']", null, "+++: [u'court', u'office', u'government', u'federal', u'rights', u'justice', u'state', u'act', u'department', u'security']
---: [u'executive', u'committee', u'issues', u'judges', u'police', u'crime', u'barack', u'arrest', u'policy', u'criminal']", "+++: [u'court', u'office', u'government', u'federal', u'rights', u'justice', u'state', u'act', u'department', u'security']
---: [u'executive', u'committee', u'issues', u'judges', u'police', u'crime', u'barack', u'arrest', u'policy', u'criminal']", "+++: [u'court', u'office', u'government', u'federal', u'rights', u'justice', u'state', u'act', u'department', u'security']
---: [u'executive', u'committee', u'issues', u'judges', u'police', u'crime', u'barack', u'arrest', u'policy', u'criminal']", "+++: [u'court', u'office', u'government', u'federal', u'rights', u'justice', u'state', u'act', u'department', u'security']
---: [u'executive', u'committee', u'issues', u'judges', u'police', u'crime', u'barack', u'arrest', u'policy', u'criminal']", "+++: [u'court', u'office', u'government', u'federal', u'rights', u'justice', u'state', u'act', u'department', u'security']
---: [u'executive', u'committee', u'issues', u'judges', u'police', u'crime', u'barack', u'arrest', u'policy', u'criminal']", "+++: [u'court', u'office', u'government', u'federal', u'rights', u'justice', u'state', u'act', u'department', u'security']
---: [u'executive', u'committee', u'issues', u'judges', u'police', u'crime', u'barack', u'arrest', u'policy', u'criminal']", "+++: [u'court', u'office', u'government', u'federal', u'rights', u'justice', u'state', u'act', u'department', u'security']
---: [u'executive', u'committee', u'issues', u'judges', u'police', u'crime', u'barack', u'arrest', u'policy', u'criminal']", "+++: [u'court', u'office', u'government', u'federal', u'rights', u'justice', u'state', u'act', u'department', u'security']
---: [u'executive', u'committee', u'issues', u'judges', u'police', u'crime', u'barack', u'arrest', u'policy', u'criminal']", "+++: [u'court', u'office', u'government', u'federal', u'rights', u'justice', u'state', u'act', u'department', u'security']
---: [u'executive', u'committee', u'issues', u'judges', u'police', u'crime', u'barack', u'arrest', u'policy', u'criminal']", "+++: [u'court', u'office', u'government', u'federal', u'rights', u'justice', u'state', u'act', u'department', u'security']
---: [u'executive', u'committee', u'issues', u'judges', u'police', u'crime', u'barack', u'arrest', u'policy', u'criminal']", null, "+++: [u'federal', u'private', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'police', u'office', u'justice', u'crime', u'civil']", "+++: [u'federal', u'private', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'police', u'office', u'justice', u'crime', u'civil']", "+++: [u'federal', u'private', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'police', u'office', u'justice', u'crime', u'civil']", "+++: [u'federal', u'private', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'police', u'office', u'justice', u'crime', u'civil']", "+++: [u'federal', u'private', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'police', u'office', u'justice', u'crime', u'civil']", "+++: [u'federal', u'private', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'police', u'office', u'justice', u'crime', u'civil']", "+++: [u'federal', u'private', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'police', u'office', u'justice', u'crime', u'civil']", "+++: [u'federal', u'private', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'police', u'office', u'justice', u'crime', u'civil']", "+++: [u'federal', u'private', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'police', u'office', u'justice', u'crime', u'civil']", "+++: [u'federal', u'private', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'police', u'office', u'justice', u'crime', u'civil']", null, "+++: [u'case', u'court', u'crimes', u'according', u'crime', u'state', u'officials', u'police', u'told']
---: [u'shot', u'office', u'years', u'report', u'committed', u'children', u'suicide', u'justice', u'arrest', u'black']", "+++: [u'case', u'court', u'crimes', u'according', u'crime', u'state', u'officials', u'police', u'told']
---: [u'shot', u'office', u'years', u'report', u'committed', u'children', u'suicide', u'justice', u'arrest', u'black']", "+++: [u'case', u'court', u'crimes', u'according', u'crime', u'state', u'officials', u'police', u'told']
---: [u'shot', u'office', u'years', u'report', u'committed', u'children', u'suicide', u'justice', u'arrest', u'black']", "+++: [u'case', u'court', u'crimes', u'according', u'crime', u'state', u'officials', u'police', u'told']
---: [u'shot', u'office', u'years', u'report', u'committed', u'children', u'suicide', u'justice', u'arrest', u'black']", "+++: [u'case', u'court', u'crimes', u'according', u'crime', u'state', u'officials', u'police', u'told']
---: [u'shot', u'office', u'years', u'report', u'committed', u'children', u'suicide', u'justice', u'arrest', u'black']", "+++: [u'case', u'court', u'crimes', u'according', u'crime', u'state', u'officials', u'police', u'told']
---: [u'shot', u'office', u'years', u'report', u'committed', u'children', u'suicide', u'justice', u'arrest', u'black']", "+++: [u'case', u'court', u'crimes', u'according', u'crime', u'state', u'officials', u'police', u'told']
---: [u'shot', u'office', u'years', u'report', u'committed', u'children', u'suicide', u'justice', u'arrest', u'black']", "+++: [u'case', u'court', u'crimes', u'according', u'crime', u'state', u'officials', u'police', u'told']
---: [u'shot', u'office', u'years', u'report', u'committed', u'children', u'suicide', u'justice', u'arrest', u'black']", "+++: [u'case', u'court', u'crimes', u'according', u'crime', u'state', u'officials', u'police', u'told']
---: [u'shot', u'office', u'years', u'report', u'committed', u'children', u'suicide', u'justice', u'arrest', u'black']", "+++: [u'case', u'court', u'crimes', u'according', u'crime', u'state', u'officials', u'police', u'told']
---: [u'shot', u'office', u'years', u'report', u'committed', u'children', u'suicide', u'justice', u'arrest', u'black']", null, "+++: [u'use', u'help']
---: [u'cdc', u'human', u'research', u'children', u'based', u'personal', u'better', u'treatment', u'zika', u'risk']", "+++: [u'use', u'help']
---: [u'cdc', u'human', u'research', u'children', u'based', u'personal', u'better', u'treatment', u'zika', u'risk']", "+++: [u'use', u'help']
---: [u'cdc', u'human', u'research', u'children', u'based', u'personal', u'better', u'treatment', u'zika', u'risk']", "+++: [u'use', u'help']
---: [u'cdc', u'human', u'research', u'children', u'based', u'personal', u'better', u'treatment', u'zika', u'risk']", "+++: [u'use', u'help']
---: [u'cdc', u'human', u'research', u'children', u'based', u'personal', u'better', u'treatment', u'zika', u'risk']", "+++: [u'use', u'help']
---: [u'cdc', u'human', u'research', u'children', u'based', u'personal', u'better', u'treatment', u'zika', u'risk']", "+++: [u'use', u'help']
---: [u'cdc', u'human', u'research', u'children', u'based', u'personal', u'better', u'treatment', u'zika', u'risk']", "+++: [u'use', u'help']
---: [u'cdc', u'human', u'research', u'children', u'based', u'personal', u'better', u'treatment', u'zika', u'risk']", "+++: [u'use', u'help']
---: [u'cdc', u'human', u'research', u'children', u'based', u'personal', u'better', u'treatment', u'zika', u'risk']", "+++: [u'use', u'help']
---: [u'cdc', u'human', u'research', u'children', u'based', u'personal', u'better', u'treatment', u'zika', u'risk']", null, "+++: [u'oil']
---: [u'help', u'gold', u'cdc', u'money', u'global', u'dollar', u'trade', u'children', u'symptoms', u'treatment']", "+++: [u'oil']
---: [u'help', u'gold', u'cdc', u'money', u'global', u'dollar', u'trade', u'children', u'symptoms', u'treatment']", "+++: [u'oil']
---: [u'help', u'gold', u'cdc', u'money', u'global', u'dollar', u'trade', u'children', u'symptoms', u'treatment']", "+++: [u'oil']
---: [u'help', u'gold', u'cdc', u'money', u'global', u'dollar', u'trade', u'children', u'symptoms', u'treatment']", "+++: [u'oil']
---: [u'help', u'gold', u'cdc', u'money', u'global', u'dollar', u'trade', u'children', u'symptoms', u'treatment']", "+++: [u'oil']
---: [u'help', u'gold', u'cdc', u'money', u'global', u'dollar', u'trade', u'children', u'symptoms', u'treatment']", "+++: [u'oil']
---: [u'help', u'gold', u'cdc', u'money', u'global', u'dollar', u'trade', u'children', u'symptoms', u'treatment']", "+++: [u'oil']
---: [u'help', u'gold', u'cdc', u'money', u'global', u'dollar', u'trade', u'children', u'symptoms', u'treatment']", "+++: [u'oil']
---: [u'help', u'gold', u'cdc', u'money', u'global', u'dollar', u'trade', u'children', u'symptoms', u'treatment']", "+++: [u'oil']
---: [u'help', u'gold', u'cdc', u'money', u'global', u'dollar', u'trade', u'children', u'symptoms', u'treatment']", null, "+++: [u'votes', u'voters', u'elections', u'states', u'rigged', u'state', u'election', u'vote', u'voting', u'day']
---: [u'office', u'results', u'paper', u'democrats', u'debate', u'voter', u'candidate', u'going', u'tape', u'voted']", "+++: [u'votes', u'voters', u'elections', u'states', u'rigged', u'state', u'election', u'vote', u'voting', u'day']
---: [u'office', u'results', u'paper', u'democrats', u'debate', u'voter', u'candidate', u'going', u'tape', u'voted']", "+++: [u'votes', u'voters', u'elections', u'states', u'rigged', u'state', u'election', u'vote', u'voting', u'day']
---: [u'office', u'results', u'paper', u'democrats', u'debate', u'voter', u'candidate', u'going', u'tape', u'voted']", "+++: [u'votes', u'voters', u'elections', u'states', u'rigged', u'state', u'election', u'vote', u'voting', u'day']
---: [u'office', u'results', u'paper', u'democrats', u'debate', u'voter', u'candidate', u'going', u'tape', u'voted']", "+++: [u'votes', u'voters', u'elections', u'states', u'rigged', u'state', u'election', u'vote', u'voting', u'day']
---: [u'office', u'results', u'paper', u'democrats', u'debate', u'voter', u'candidate', u'going', u'tape', u'voted']", "+++: [u'votes', u'voters', u'elections', u'states', u'rigged', u'state', u'election', u'vote', u'voting', u'day']
---: [u'office', u'results', u'paper', u'democrats', u'debate', u'voter', u'candidate', u'going', u'tape', u'voted']", "+++: [u'votes', u'voters', u'elections', u'states', u'rigged', u'state', u'election', u'vote', u'voting', u'day']
---: [u'office', u'results', u'paper', u'democrats', u'debate', u'voter', u'candidate', u'going', u'tape', u'voted']", "+++: [u'votes', u'voters', u'elections', u'states', u'rigged', u'state', u'election', u'vote', u'voting', u'day']
---: [u'office', u'results', u'paper', u'democrats', u'debate', u'voter', u'candidate', u'going', u'tape', u'voted']", "+++: [u'votes', u'voters', u'elections', u'states', u'rigged', u'state', u'election', u'vote', u'voting', u'day']
---: [u'office', u'results', u'paper', u'democrats', u'debate', u'voter', u'candidate', u'going', u'tape', u'voted']", "+++: [u'votes', u'voters', u'elections', u'states', u'rigged', u'state', u'election', u'vote', u'voting', u'day']
---: [u'office', u'results', u'paper', u'democrats', u'debate', u'voter', u'candidate', u'going', u'tape', u'voted']", null, "+++: [u'states', u'state', u'u']
---: [u'office', u'money', u'results', u'report', u'embassy', u'human', u'votes', u'voter', u'going', u'tape']", "+++: [u'states', u'state', u'u']
---: [u'office', u'money', u'results', u'report', u'embassy', u'human', u'votes', u'voter', u'going', u'tape']", "+++: [u'states', u'state', u'u']
---: [u'office', u'money', u'results', u'report', u'embassy', u'human', u'votes', u'voter', u'going', u'tape']", "+++: [u'states', u'state', u'u']
---: [u'office', u'money', u'results', u'report', u'embassy', u'human', u'votes', u'voter', u'going', u'tape']", "+++: [u'states', u'state', u'u']
---: [u'office', u'money', u'results', u'report', u'embassy', u'human', u'votes', u'voter', u'going', u'tape']", "+++: [u'states', u'state', u'u']
---: [u'office', u'money', u'results', u'report', u'embassy', u'human', u'votes', u'voter', u'going', u'tape']", "+++: [u'states', u'state', u'u']
---: [u'office', u'money', u'results', u'report', u'embassy', u'human', u'votes', u'voter', u'going', u'tape']", "+++: [u'states', u'state', u'u']
---: [u'office', u'money', u'results', u'report', u'embassy', u'human', u'votes', u'voter', u'going', u'tape']", "+++: [u'states', u'state', u'u']
---: [u'office', u'money', u'results', u'report', u'embassy', u'human', u'votes', u'voter', u'going', u'tape']", "+++: [u'states', u'state', u'u']
---: [u'office', u'money', u'results', u'report', u'embassy', u'human', u'votes', u'voter', u'going', u'tape']", null, "+++: [u'state', u'officials', u'told']
---: [u'shot', u'office', u'results', u'voter', u'years', u'report', u'paper', u'committed', u'children', u'votes']", "+++: [u'state', u'officials', u'told']
---: [u'shot', u'office', u'results', u'voter', u'years', u'report', u'paper', u'committed', u'children', u'votes']", "+++: [u'state', u'officials', u'told']
---: [u'shot', u'office', u'results', u'voter', u'years', u'report', u'paper', u'committed', u'children', u'votes']", "+++: [u'state', u'officials', u'told']
---: [u'shot', u'office', u'results', u'voter', u'years', u'report', u'paper', u'committed', u'children', u'votes']", "+++: [u'state', u'officials', u'told']
---: [u'shot', u'office', u'results', u'voter', u'years', u'report', u'paper', u'committed', u'children', u'votes']", "+++: [u'state', u'officials', u'told']
---: [u'shot', u'office', u'results', u'voter', u'years', u'report', u'paper', u'committed', u'children', u'votes']", "+++: [u'state', u'officials', u'told']
---: [u'shot', u'office', u'results', u'voter', u'years', u'report', u'paper', u'committed', u'children', u'votes']", "+++: [u'state', u'officials', u'told']
---: [u'shot', u'office', u'results', u'voter', u'years', u'report', u'paper', u'committed', u'children', u'votes']", "+++: [u'state', u'officials', u'told']
---: [u'shot', u'office', u'results', u'voter', u'years', u'report', u'paper', u'committed', u'children', u'votes']", "+++: [u'state', u'officials', u'told']
---: [u'shot', u'office', u'results', u'voter', u'years', u'report', u'paper', u'committed', u'children', u'votes']", null, "+++: [u'world', u'change']
---: [u'coup', u'help', u'able', u'human', u'based', u'zone', u'personal', u'better', u'nato', u'policy']", "+++: [u'world', u'change']
---: [u'coup', u'help', u'able', u'human', u'based', u'zone', u'personal', u'better', u'nato', u'policy']", "+++: [u'world', u'change']
---: [u'coup', u'help', u'able', u'human', u'based', u'zone', u'personal', u'better', u'nato', u'policy']", "+++: [u'world', u'change']
---: [u'coup', u'help', u'able', u'human', u'based', u'zone', u'personal', u'better', u'nato', u'policy']", "+++: [u'world', u'change']
---: [u'coup', u'help', u'able', u'human', u'based', u'zone', u'personal', u'better', u'nato', u'policy']", "+++: [u'world', u'change']
---: [u'coup', u'help', u'able', u'human', u'based', u'zone', u'personal', u'better', u'nato', u'policy']", "+++: [u'world', u'change']
---: [u'coup', u'help', u'able', u'human', u'based', u'zone', u'personal', u'better', u'nato', u'policy']", "+++: [u'world', u'change']
---: [u'coup', u'help', u'able', u'human', u'based', u'zone', u'personal', u'better', u'nato', u'policy']", "+++: [u'world', u'change']
---: [u'coup', u'help', u'able', u'human', u'based', u'zone', u'personal', u'better', u'nato', u'policy']", "+++: [u'world', u'change']
---: [u'coup', u'help', u'able', u'human', u'based', u'zone', u'personal', u'better', u'nato', u'policy']", null, "+++: []
---: [u'help', u'able', u'democrats', u'human', u'debate', u'votes', u'based', u'candidate', u'personal', u'better']", "+++: []
---: [u'help', u'able', u'democrats', u'human', u'debate', u'votes', u'based', u'candidate', u'personal', u'better']", "+++: []
---: [u'help', u'able', u'democrats', u'human', u'debate', u'votes', u'based', u'candidate', u'personal', u'better']", "+++: []
---: [u'help', u'able', u'democrats', u'human', u'debate', u'votes', u'based', u'candidate', u'personal', u'better']", "+++: []
---: [u'help', u'able', u'democrats', u'human', u'debate', u'votes', u'based', u'candidate', u'personal', u'better']", "+++: []
---: [u'help', u'able', u'democrats', u'human', u'debate', u'votes', u'based', u'candidate', u'personal', u'better']", "+++: []
---: [u'help', u'able', u'democrats', u'human', u'debate', u'votes', u'based', u'candidate', u'personal', u'better']", "+++: []
---: [u'help', u'able', u'democrats', u'human', u'debate', u'votes', u'based', u'candidate', u'personal', u'better']", "+++: []
---: [u'help', u'able', u'democrats', u'human', u'debate', u'votes', u'based', u'candidate', u'personal', u'better']", "+++: []
---: [u'help', u'able', u'democrats', u'human', u'debate', u'votes', u'based', u'candidate', u'personal', u'better']", null, "+++: [u'world']
---: [u'help', u'gold', u'money', u'global', u'dollar', u'trade', u'human', u'based', u'personal', u'better']", "+++: [u'world']
---: [u'help', u'gold', u'money', u'global', u'dollar', u'trade', u'human', u'based', u'personal', u'better']", "+++: [u'world']
---: [u'help', u'gold', u'money', u'global', u'dollar', u'trade', u'human', u'based', u'personal', u'better']", "+++: [u'world']
---: [u'help', u'gold', u'money', u'global', u'dollar', u'trade', u'human', u'based', u'personal', u'better']", "+++: [u'world']
---: [u'help', u'gold', u'money', u'global', u'dollar', u'trade', u'human', u'based', u'personal', u'better']", "+++: [u'world']
---: [u'help', u'gold', u'money', u'global', u'dollar', u'trade', u'human', u'based', u'personal', u'better']", "+++: [u'world']
---: [u'help', u'gold', u'money', u'global', u'dollar', u'trade', u'human', u'based', u'personal', u'better']", "+++: [u'world']
---: [u'help', u'gold', u'money', u'global', u'dollar', u'trade', u'human', u'based', u'personal', u'better']", "+++: [u'world']
---: [u'help', u'gold', u'money', u'global', u'dollar', u'trade', u'human', u'based', u'personal', u'better']", "+++: [u'world']
---: [u'help', u'gold', u'money', u'global', u'dollar', u'trade', u'human', u'based', u'personal', u'better']", null, "+++: [u'control', u'world', u'change', u'power', u'social']
---: [u'help', u'global', u'years', u'human', u'based', u'personal', u'better', u'black', u'policy', u'elites']", "+++: [u'control', u'world', u'change', u'power', u'social']
---: [u'help', u'global', u'years', u'human', u'based', u'personal', u'better', u'black', u'policy', u'elites']", "+++: [u'control', u'world', u'change', u'power', u'social']
---: [u'help', u'global', u'years', u'human', u'based', u'personal', u'better', u'black', u'policy', u'elites']", "+++: [u'control', u'world', u'change', u'power', u'social']
---: [u'help', u'global', u'years', u'human', u'based', u'personal', u'better', u'black', u'policy', u'elites']", "+++: [u'control', u'world', u'change', u'power', u'social']
---: [u'help', u'global', u'years', u'human', u'based', u'personal', u'better', u'black', u'policy', u'elites']", "+++: [u'control', u'world', u'change', u'power', u'social']
---: [u'help', u'global', u'years', u'human', u'based', u'personal', u'better', u'black', u'policy', u'elites']", "+++: [u'control', u'world', u'change', u'power', u'social']
---: [u'help', u'global', u'years', u'human', u'based', u'personal', u'better', u'black', u'policy', u'elites']", "+++: [u'control', u'world', u'change', u'power', u'social']
---: [u'help', u'global', u'years', u'human', u'based', u'personal', u'better', u'black', u'policy', u'elites']", "+++: [u'control', u'world', u'change', u'power', u'social']
---: [u'help', u'global', u'years', u'human', u'based', u'personal', u'better', u'black', u'policy', u'elites']", "+++: [u'control', u'world', u'change', u'power', u'social']
---: [u'help', u'global', u'years', u'human', u'based', u'personal', u'better', u'black', u'policy', u'elites']", null, "+++: [u'turkey', u'iraq', u'government', u'west', u'syria', u'us', u'middle', u'state', u'western', u'assad']
---: [u'policy', u'coup', u'clinton', u'rebels', u'terrorists', u'crimea', u'intelligence', u'washington', u'al', u'states']", "+++: [u'turkey', u'iraq', u'government', u'west', u'syria', u'us', u'middle', u'state', u'western', u'assad']
---: [u'policy', u'coup', u'clinton', u'rebels', u'terrorists', u'crimea', u'intelligence', u'washington', u'al', u'states']", "+++: [u'turkey', u'iraq', u'government', u'west', u'syria', u'us', u'middle', u'state', u'western', u'assad']
---: [u'policy', u'coup', u'clinton', u'rebels', u'terrorists', u'crimea', u'intelligence', u'washington', u'al', u'states']", "+++: [u'turkey', u'iraq', u'government', u'west', u'syria', u'us', u'middle', u'state', u'western', u'assad']
---: [u'policy', u'coup', u'clinton', u'rebels', u'terrorists', u'crimea', u'intelligence', u'washington', u'al', u'states']", "+++: [u'turkey', u'iraq', u'government', u'west', u'syria', u'us', u'middle', u'state', u'western', u'assad']
---: [u'policy', u'coup', u'clinton', u'rebels', u'terrorists', u'crimea', u'intelligence', u'washington', u'al', u'states']", "+++: [u'turkey', u'iraq', u'government', u'west', u'syria', u'us', u'middle', u'state', u'western', u'assad']
---: [u'policy', u'coup', u'clinton', u'rebels', u'terrorists', u'crimea', u'intelligence', u'washington', u'al', u'states']", "+++: [u'turkey', u'iraq', u'government', u'west', u'syria', u'us', u'middle', u'state', u'western', u'assad']
---: [u'policy', u'coup', u'clinton', u'rebels', u'terrorists', u'crimea', u'intelligence', u'washington', u'al', u'states']", "+++: [u'turkey', u'iraq', u'government', u'west', u'syria', u'us', u'middle', u'state', u'western', u'assad']
---: [u'policy', u'coup', u'clinton', u'rebels', u'terrorists', u'crimea', u'intelligence', u'washington', u'al', u'states']", "+++: [u'turkey', u'iraq', u'government', u'west', u'syria', u'us', u'middle', u'state', u'western', u'assad']
---: [u'policy', u'coup', u'clinton', u'rebels', u'terrorists', u'crimea', u'intelligence', u'washington', u'al', u'states']", "+++: [u'turkey', u'iraq', u'government', u'west', u'syria', u'us', u'middle', u'state', u'western', u'assad']
---: [u'policy', u'coup', u'clinton', u'rebels', u'terrorists', u'crimea', u'intelligence', u'washington', u'al', u'states']", null, "+++: [u'united', u'government', u'washington', u'administration', u'american', u'foreign', u'states', u'state', u'u', u'country']
---: [u'amendment', u'coup', u'supreme', u'immigrants', u'clinton', u'vladimir', u'office', u'senate', u'house', u'national']", "+++: [u'united', u'government', u'washington', u'administration', u'american', u'foreign', u'states', u'state', u'u', u'country']
---: [u'amendment', u'coup', u'supreme', u'immigrants', u'clinton', u'vladimir', u'office', u'senate', u'house', u'national']", "+++: [u'united', u'government', u'washington', u'administration', u'american', u'foreign', u'states', u'state', u'u', u'country']
---: [u'amendment', u'coup', u'supreme', u'immigrants', u'clinton', u'vladimir', u'office', u'senate', u'house', u'national']", "+++: [u'united', u'government', u'washington', u'administration', u'american', u'foreign', u'states', u'state', u'u', u'country']
---: [u'amendment', u'coup', u'supreme', u'immigrants', u'clinton', u'vladimir', u'office', u'senate', u'house', u'national']", "+++: [u'united', u'government', u'washington', u'administration', u'american', u'foreign', u'states', u'state', u'u', u'country']
---: [u'amendment', u'coup', u'supreme', u'immigrants', u'clinton', u'vladimir', u'office', u'senate', u'house', u'national']", "+++: [u'united', u'government', u'washington', u'administration', u'american', u'foreign', u'states', u'state', u'u', u'country']
---: [u'amendment', u'coup', u'supreme', u'immigrants', u'clinton', u'vladimir', u'office', u'senate', u'house', u'national']", "+++: [u'united', u'government', u'washington', u'administration', u'american', u'foreign', u'states', u'state', u'u', u'country']
---: [u'amendment', u'coup', u'supreme', u'immigrants', u'clinton', u'vladimir', u'office', u'senate', u'house', u'national']", "+++: [u'united', u'government', u'washington', u'administration', u'american', u'foreign', u'states', u'state', u'u', u'country']
---: [u'amendment', u'coup', u'supreme', u'immigrants', u'clinton', u'vladimir', u'office', u'senate', u'house', u'national']", "+++: [u'united', u'government', u'washington', u'administration', u'american', u'foreign', u'states', u'state', u'u', u'country']
---: [u'amendment', u'coup', u'supreme', u'immigrants', u'clinton', u'vladimir', u'office', u'senate', u'house', u'national']", "+++: [u'united', u'government', u'washington', u'administration', u'american', u'foreign', u'states', u'state', u'u', u'country']
---: [u'amendment', u'coup', u'supreme', u'immigrants', u'clinton', u'vladimir', u'office', u'senate', u'house', u'national']", null, "+++: [u'clinton', u'media', u'american', u'states', u'state', u'president', u'obama']
---: [u'coup', u'administration', u'democrats', u'world', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'east']", "+++: [u'clinton', u'media', u'american', u'states', u'state', u'president', u'obama']
---: [u'coup', u'administration', u'democrats', u'world', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'east']", "+++: [u'clinton', u'media', u'american', u'states', u'state', u'president', u'obama']
---: [u'coup', u'administration', u'democrats', u'world', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'east']", "+++: [u'clinton', u'media', u'american', u'states', u'state', u'president', u'obama']
---: [u'coup', u'administration', u'democrats', u'world', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'east']", "+++: [u'clinton', u'media', u'american', u'states', u'state', u'president', u'obama']
---: [u'coup', u'administration', u'democrats', u'world', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'east']", "+++: [u'clinton', u'media', u'american', u'states', u'state', u'president', u'obama']
---: [u'coup', u'administration', u'democrats', u'world', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'east']", "+++: [u'clinton', u'media', u'american', u'states', u'state', u'president', u'obama']
---: [u'coup', u'administration', u'democrats', u'world', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'east']", "+++: [u'clinton', u'media', u'american', u'states', u'state', u'president', u'obama']
---: [u'coup', u'administration', u'democrats', u'world', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'east']", "+++: [u'clinton', u'media', u'american', u'states', u'state', u'president', u'obama']
---: [u'coup', u'administration', u'democrats', u'world', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'east']", "+++: [u'clinton', u'media', u'american', u'states', u'state', u'president', u'obama']
---: [u'coup', u'administration', u'democrats', u'world', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'east']", null, "+++: [u'united', u'libya', u'government', u'intelligence', u'countries', u'foreign', u'states', u'middle', u'state', u'u']
---: [u'coup', u'president', u'clinton', u'human', u'campaign', u'russia', u'money', u'africa', u'assange', u'russian']", "+++: [u'united', u'libya', u'government', u'intelligence', u'countries', u'foreign', u'states', u'middle', u'state', u'u']
---: [u'coup', u'president', u'clinton', u'human', u'campaign', u'russia', u'money', u'africa', u'assange', u'russian']", "+++: [u'united', u'libya', u'government', u'intelligence', u'countries', u'foreign', u'states', u'middle', u'state', u'u']
---: [u'coup', u'president', u'clinton', u'human', u'campaign', u'russia', u'money', u'africa', u'assange', u'russian']", "+++: [u'united', u'libya', u'government', u'intelligence', u'countries', u'foreign', u'states', u'middle', u'state', u'u']
---: [u'coup', u'president', u'clinton', u'human', u'campaign', u'russia', u'money', u'africa', u'assange', u'russian']", "+++: [u'united', u'libya', u'government', u'intelligence', u'countries', u'foreign', u'states', u'middle', u'state', u'u']
---: [u'coup', u'president', u'clinton', u'human', u'campaign', u'russia', u'money', u'africa', u'assange', u'russian']", "+++: [u'united', u'libya', u'government', u'intelligence', u'countries', u'foreign', u'states', u'middle', u'state', u'u']
---: [u'coup', u'president', u'clinton', u'human', u'campaign', u'russia', u'money', u'africa', u'assange', u'russian']", "+++: [u'united', u'libya', u'government', u'intelligence', u'countries', u'foreign', u'states', u'middle', u'state', u'u']
---: [u'coup', u'president', u'clinton', u'human', u'campaign', u'russia', u'money', u'africa', u'assange', u'russian']", "+++: [u'united', u'libya', u'government', u'intelligence', u'countries', u'foreign', u'states', u'middle', u'state', u'u']
---: [u'coup', u'president', u'clinton', u'human', u'campaign', u'russia', u'money', u'africa', u'assange', u'russian']", "+++: [u'united', u'libya', u'government', u'intelligence', u'countries', u'foreign', u'states', u'middle', u'state', u'u']
---: [u'coup', u'president', u'clinton', u'human', u'campaign', u'russia', u'money', u'africa', u'assange', u'russian']", "+++: [u'united', u'libya', u'government', u'intelligence', u'countries', u'foreign', u'states', u'middle', u'state', u'u']
---: [u'coup', u'president', u'clinton', u'human', u'campaign', u'russia', u'money', u'africa', u'assange', u'russian']", null, "+++: [u'world', u'u', u'government']
---: [u'coup', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'zone', u'nato', u'policy']", "+++: [u'world', u'u', u'government']
---: [u'coup', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'zone', u'nato', u'policy']", "+++: [u'world', u'u', u'government']
---: [u'coup', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'zone', u'nato', u'policy']", "+++: [u'world', u'u', u'government']
---: [u'coup', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'zone', u'nato', u'policy']", "+++: [u'world', u'u', u'government']
---: [u'coup', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'zone', u'nato', u'policy']", "+++: [u'world', u'u', u'government']
---: [u'coup', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'zone', u'nato', u'policy']", "+++: [u'world', u'u', u'government']
---: [u'coup', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'zone', u'nato', u'policy']", "+++: [u'world', u'u', u'government']
---: [u'coup', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'zone', u'nato', u'policy']", "+++: [u'world', u'u', u'government']
---: [u'coup', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'zone', u'nato', u'policy']", "+++: [u'world', u'u', u'government']
---: [u'coup', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'zone', u'nato', u'policy']", null, "+++: [u'united', u'government', u'media', u'american', u'foreign', u'states', u'state', u'u', u'world', u'policy']
---: [u'control', u'coup', u'right', u'clinton', u'vladimir', u'crimea', u'intelligence', u'national', u'global', u'washington']", "+++: [u'united', u'government', u'media', u'american', u'foreign', u'states', u'state', u'u', u'world', u'policy']
---: [u'control', u'coup', u'right', u'clinton', u'vladimir', u'crimea', u'intelligence', u'national', u'global', u'washington']", "+++: [u'united', u'government', u'media', u'american', u'foreign', u'states', u'state', u'u', u'world', u'policy']
---: [u'control', u'coup', u'right', u'clinton', u'vladimir', u'crimea', u'intelligence', u'national', u'global', u'washington']", "+++: [u'united', u'government', u'media', u'american', u'foreign', u'states', u'state', u'u', u'world', u'policy']
---: [u'control', u'coup', u'right', u'clinton', u'vladimir', u'crimea', u'intelligence', u'national', u'global', u'washington']", "+++: [u'united', u'government', u'media', u'american', u'foreign', u'states', u'state', u'u', u'world', u'policy']
---: [u'control', u'coup', u'right', u'clinton', u'vladimir', u'crimea', u'intelligence', u'national', u'global', u'washington']", "+++: [u'united', u'government', u'media', u'american', u'foreign', u'states', u'state', u'u', u'world', u'policy']
---: [u'control', u'coup', u'right', u'clinton', u'vladimir', u'crimea', u'intelligence', u'national', u'global', u'washington']", "+++: [u'united', u'government', u'media', u'american', u'foreign', u'states', u'state', u'u', u'world', u'policy']
---: [u'control', u'coup', u'right', u'clinton', u'vladimir', u'crimea', u'intelligence', u'national', u'global', u'washington']", "+++: [u'united', u'government', u'media', u'american', u'foreign', u'states', u'state', u'u', u'world', u'policy']
---: [u'control', u'coup', u'right', u'clinton', u'vladimir', u'crimea', u'intelligence', u'national', u'global', u'washington']", "+++: [u'united', u'government', u'media', u'american', u'foreign', u'states', u'state', u'u', u'world', u'policy']
---: [u'control', u'coup', u'right', u'clinton', u'vladimir', u'crimea', u'intelligence', u'national', u'global', u'washington']", "+++: [u'united', u'government', u'media', u'american', u'foreign', u'states', u'state', u'u', u'world', u'policy']
---: [u'control', u'coup', u'right', u'clinton', u'vladimir', u'crimea', u'intelligence', u'national', u'global', u'washington']", null, "+++: [u'state', u'government']
---: [u'rebels', u'office', u'executive', u'fighters', u'qaeda', u'mosul', u'committee', u'issues', u'judges', u'justice']", "+++: [u'state', u'government']
---: [u'rebels', u'office', u'executive', u'fighters', u'qaeda', u'mosul', u'committee', u'issues', u'judges', u'justice']", "+++: [u'state', u'government']
---: [u'rebels', u'office', u'executive', u'fighters', u'qaeda', u'mosul', u'committee', u'issues', u'judges', u'justice']", "+++: [u'state', u'government']
---: [u'rebels', u'office', u'executive', u'fighters', u'qaeda', u'mosul', u'committee', u'issues', u'judges', u'justice']", "+++: [u'state', u'government']
---: [u'rebels', u'office', u'executive', u'fighters', u'qaeda', u'mosul', u'committee', u'issues', u'judges', u'justice']", "+++: [u'state', u'government']
---: [u'rebels', u'office', u'executive', u'fighters', u'qaeda', u'mosul', u'committee', u'issues', u'judges', u'justice']", "+++: [u'state', u'government']
---: [u'rebels', u'office', u'executive', u'fighters', u'qaeda', u'mosul', u'committee', u'issues', u'judges', u'justice']", "+++: [u'state', u'government']
---: [u'rebels', u'office', u'executive', u'fighters', u'qaeda', u'mosul', u'committee', u'issues', u'judges', u'justice']", "+++: [u'state', u'government']
---: [u'rebels', u'office', u'executive', u'fighters', u'qaeda', u'mosul', u'committee', u'issues', u'judges', u'justice']", "+++: [u'state', u'government']
---: [u'rebels', u'office', u'executive', u'fighters', u'qaeda', u'mosul', u'committee', u'issues', u'judges', u'justice']", null, "+++: [u'campaign', u'national', u'american', u'states', u'state', u'americans', u'president', u'obama']
---: [u'office', u'administration', u'executive', u'democrats', u'committee', u'debate', u'issues', u'votes', u'candidate', u'justice']", "+++: [u'campaign', u'national', u'american', u'states', u'state', u'americans', u'president', u'obama']
---: [u'office', u'administration', u'executive', u'democrats', u'committee', u'debate', u'issues', u'votes', u'candidate', u'justice']", "+++: [u'campaign', u'national', u'american', u'states', u'state', u'americans', u'president', u'obama']
---: [u'office', u'administration', u'executive', u'democrats', u'committee', u'debate', u'issues', u'votes', u'candidate', u'justice']", "+++: [u'campaign', u'national', u'american', u'states', u'state', u'americans', u'president', u'obama']
---: [u'office', u'administration', u'executive', u'democrats', u'committee', u'debate', u'issues', u'votes', u'candidate', u'justice']", "+++: [u'campaign', u'national', u'american', u'states', u'state', u'americans', u'president', u'obama']
---: [u'office', u'administration', u'executive', u'democrats', u'committee', u'debate', u'issues', u'votes', u'candidate', u'justice']", "+++: [u'campaign', u'national', u'american', u'states', u'state', u'americans', u'president', u'obama']
---: [u'office', u'administration', u'executive', u'democrats', u'committee', u'debate', u'issues', u'votes', u'candidate', u'justice']", "+++: [u'campaign', u'national', u'american', u'states', u'state', u'americans', u'president', u'obama']
---: [u'office', u'administration', u'executive', u'democrats', u'committee', u'debate', u'issues', u'votes', u'candidate', u'justice']", "+++: [u'campaign', u'national', u'american', u'states', u'state', u'americans', u'president', u'obama']
---: [u'office', u'administration', u'executive', u'democrats', u'committee', u'debate', u'issues', u'votes', u'candidate', u'justice']", "+++: [u'campaign', u'national', u'american', u'states', u'state', u'americans', u'president', u'obama']
---: [u'office', u'administration', u'executive', u'democrats', u'committee', u'debate', u'issues', u'votes', u'candidate', u'justice']", "+++: [u'campaign', u'national', u'american', u'states', u'state', u'americans', u'president', u'obama']
---: [u'office', u'administration', u'executive', u'democrats', u'committee', u'debate', u'issues', u'votes', u'candidate', u'justice']", null, "+++: [u'house', u'white', u'americans', u'we', u'obama']
---: [u'ron', u'executive', u'proposes', u'committee', u'paul', u'issues', u'judges', u'office', u'justice', u'obamacare']", "+++: [u'house', u'white', u'americans', u'we', u'obama']
---: [u'ron', u'executive', u'proposes', u'committee', u'paul', u'issues', u'judges', u'office', u'justice', u'obamacare']", "+++: [u'house', u'white', u'americans', u'we', u'obama']
---: [u'ron', u'executive', u'proposes', u'committee', u'paul', u'issues', u'judges', u'office', u'justice', u'obamacare']", "+++: [u'house', u'white', u'americans', u'we', u'obama']
---: [u'ron', u'executive', u'proposes', u'committee', u'paul', u'issues', u'judges', u'office', u'justice', u'obamacare']", "+++: [u'house', u'white', u'americans', u'we', u'obama']
---: [u'ron', u'executive', u'proposes', u'committee', u'paul', u'issues', u'judges', u'office', u'justice', u'obamacare']", "+++: [u'house', u'white', u'americans', u'we', u'obama']
---: [u'ron', u'executive', u'proposes', u'committee', u'paul', u'issues', u'judges', u'office', u'justice', u'obamacare']", "+++: [u'house', u'white', u'americans', u'we', u'obama']
---: [u'ron', u'executive', u'proposes', u'committee', u'paul', u'issues', u'judges', u'office', u'justice', u'obamacare']", "+++: [u'house', u'white', u'americans', u'we', u'obama']
---: [u'ron', u'executive', u'proposes', u'committee', u'paul', u'issues', u'judges', u'office', u'justice', u'obamacare']", "+++: [u'house', u'white', u'americans', u'we', u'obama']
---: [u'ron', u'executive', u'proposes', u'committee', u'paul', u'issues', u'judges', u'office', u'justice', u'obamacare']", "+++: [u'house', u'white', u'americans', u'we', u'obama']
---: [u'ron', u'executive', u'proposes', u'committee', u'paul', u'issues', u'judges', u'office', u'justice', u'obamacare']", null, "+++: [u'federal', u'u', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'committee', u'issues', u'judges', u'office', u'justice']", "+++: [u'federal', u'u', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'committee', u'issues', u'judges', u'office', u'justice']", "+++: [u'federal', u'u', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'committee', u'issues', u'judges', u'office', u'justice']", "+++: [u'federal', u'u', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'committee', u'issues', u'judges', u'office', u'justice']", "+++: [u'federal', u'u', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'committee', u'issues', u'judges', u'office', u'justice']", "+++: [u'federal', u'u', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'committee', u'issues', u'judges', u'office', u'justice']", "+++: [u'federal', u'u', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'committee', u'issues', u'judges', u'office', u'justice']", "+++: [u'federal', u'u', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'committee', u'issues', u'judges', u'office', u'justice']", "+++: [u'federal', u'u', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'committee', u'issues', u'judges', u'office', u'justice']", "+++: [u'federal', u'u', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'committee', u'issues', u'judges', u'office', u'justice']", null, "+++: [u'united', u'government', u'country', u'national', u'rights', u'american', u'foreign', u'states', u'state', u'u']
---: [u'control', u'amendment', u'supreme', u'right', u'security', u'office', u'senate', u'house', u'global', u'washington']", "+++: [u'united', u'government', u'country', u'national', u'rights', u'american', u'foreign', u'states', u'state', u'u']
---: [u'control', u'amendment', u'supreme', u'right', u'security', u'office', u'senate', u'house', u'global', u'washington']", "+++: [u'united', u'government', u'country', u'national', u'rights', u'american', u'foreign', u'states', u'state', u'u']
---: [u'control', u'amendment', u'supreme', u'right', u'security', u'office', u'senate', u'house', u'global', u'washington']", "+++: [u'united', u'government', u'country', u'national', u'rights', u'american', u'foreign', u'states', u'state', u'u']
---: [u'control', u'amendment', u'supreme', u'right', u'security', u'office', u'senate', u'house', u'global', u'washington']", "+++: [u'united', u'government', u'country', u'national', u'rights', u'american', u'foreign', u'states', u'state', u'u']
---: [u'control', u'amendment', u'supreme', u'right', u'security', u'office', u'senate', u'house', u'global', u'washington']", "+++: [u'united', u'government', u'country', u'national', u'rights', u'american', u'foreign', u'states', u'state', u'u']
---: [u'control', u'amendment', u'supreme', u'right', u'security', u'office', u'senate', u'house', u'global', u'washington']", "+++: [u'united', u'government', u'country', u'national', u'rights', u'american', u'foreign', u'states', u'state', u'u']
---: [u'control', u'amendment', u'supreme', u'right', u'security', u'office', u'senate', u'house', u'global', u'washington']", "+++: [u'united', u'government', u'country', u'national', u'rights', u'american', u'foreign', u'states', u'state', u'u']
---: [u'control', u'amendment', u'supreme', u'right', u'security', u'office', u'senate', u'house', u'global', u'washington']", "+++: [u'united', u'government', u'country', u'national', u'rights', u'american', u'foreign', u'states', u'state', u'u']
---: [u'control', u'amendment', u'supreme', u'right', u'security', u'office', u'senate', u'house', u'global', u'washington']", "+++: [u'united', u'government', u'country', u'national', u'rights', u'american', u'foreign', u'states', u'state', u'u']
---: [u'control', u'amendment', u'supreme', u'right', u'security', u'office', u'senate', u'house', u'global', u'washington']", null, "+++: [u'report', u'intelligence', u'world']
---: [u'phenomenon', u'founder', u'money', u'alien', u'embassy', u'human', u'group', u'tv', u'0', u'adl']", "+++: [u'report', u'intelligence', u'world']
---: [u'phenomenon', u'founder', u'money', u'alien', u'embassy', u'human', u'group', u'tv', u'0', u'adl']", "+++: [u'report', u'intelligence', u'world']
---: [u'phenomenon', u'founder', u'money', u'alien', u'embassy', u'human', u'group', u'tv', u'0', u'adl']", "+++: [u'report', u'intelligence', u'world']
---: [u'phenomenon', u'founder', u'money', u'alien', u'embassy', u'human', u'group', u'tv', u'0', u'adl']", "+++: [u'report', u'intelligence', u'world']
---: [u'phenomenon', u'founder', u'money', u'alien', u'embassy', u'human', u'group', u'tv', u'0', u'adl']", "+++: [u'report', u'intelligence', u'world']
---: [u'phenomenon', u'founder', u'money', u'alien', u'embassy', u'human', u'group', u'tv', u'0', u'adl']", "+++: [u'report', u'intelligence', u'world']
---: [u'phenomenon', u'founder', u'money', u'alien', u'embassy', u'human', u'group', u'tv', u'0', u'adl']", "+++: [u'report', u'intelligence', u'world']
---: [u'phenomenon', u'founder', u'money', u'alien', u'embassy', u'human', u'group', u'tv', u'0', u'adl']", "+++: [u'report', u'intelligence', u'world']
---: [u'phenomenon', u'founder', u'money', u'alien', u'embassy', u'human', u'group', u'tv', u'0', u'adl']", "+++: [u'report', u'intelligence', u'world']
---: [u'phenomenon', u'founder', u'money', u'alien', u'embassy', u'human', u'group', u'tv', u'0', u'adl']", null, "+++: [u'media', u'national', u'political', u'american', u'states', u'state', u'americans', u'party', u'support']
---: [u'global', u'years', u'democrats', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'elites', u'government']", "+++: [u'media', u'national', u'political', u'american', u'states', u'state', u'americans', u'party', u'support']
---: [u'global', u'years', u'democrats', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'elites', u'government']", "+++: [u'media', u'national', u'political', u'american', u'states', u'state', u'americans', u'party', u'support']
---: [u'global', u'years', u'democrats', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'elites', u'government']", "+++: [u'media', u'national', u'political', u'american', u'states', u'state', u'americans', u'party', u'support']
---: [u'global', u'years', u'democrats', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'elites', u'government']", "+++: [u'media', u'national', u'political', u'american', u'states', u'state', u'americans', u'party', u'support']
---: [u'global', u'years', u'democrats', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'elites', u'government']", "+++: [u'media', u'national', u'political', u'american', u'states', u'state', u'americans', u'party', u'support']
---: [u'global', u'years', u'democrats', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'elites', u'government']", "+++: [u'media', u'national', u'political', u'american', u'states', u'state', u'americans', u'party', u'support']
---: [u'global', u'years', u'democrats', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'elites', u'government']", "+++: [u'media', u'national', u'political', u'american', u'states', u'state', u'americans', u'party', u'support']
---: [u'global', u'years', u'democrats', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'elites', u'government']", "+++: [u'media', u'national', u'political', u'american', u'states', u'state', u'americans', u'party', u'support']
---: [u'global', u'years', u'democrats', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'elites', u'government']", "+++: [u'media', u'national', u'political', u'american', u'states', u'state', u'americans', u'party', u'support']
---: [u'global', u'years', u'democrats', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'elites', u'government']", null, "+++: [u'isis', u'government', u'support', u'al', u'middle', u'state', u'groups', u'war']
---: [u'rebels', u'money', u'fighters', u'qaeda', u'mosul', u'human', u'assad', u'iraqi', u'terror', u'east']", "+++: [u'isis', u'government', u'support', u'al', u'middle', u'state', u'groups', u'war']
---: [u'rebels', u'money', u'fighters', u'qaeda', u'mosul', u'human', u'assad', u'iraqi', u'terror', u'east']", "+++: [u'isis', u'government', u'support', u'al', u'middle', u'state', u'groups', u'war']
---: [u'rebels', u'money', u'fighters', u'qaeda', u'mosul', u'human', u'assad', u'iraqi', u'terror', u'east']", "+++: [u'isis', u'government', u'support', u'al', u'middle', u'state', u'groups', u'war']
---: [u'rebels', u'money', u'fighters', u'qaeda', u'mosul', u'human', u'assad', u'iraqi', u'terror', u'east']", "+++: [u'isis', u'government', u'support', u'al', u'middle', u'state', u'groups', u'war']
---: [u'rebels', u'money', u'fighters', u'qaeda', u'mosul', u'human', u'assad', u'iraqi', u'terror', u'east']", "+++: [u'isis', u'government', u'support', u'al', u'middle', u'state', u'groups', u'war']
---: [u'rebels', u'money', u'fighters', u'qaeda', u'mosul', u'human', u'assad', u'iraqi', u'terror', u'east']", "+++: [u'isis', u'government', u'support', u'al', u'middle', u'state', u'groups', u'war']
---: [u'rebels', u'money', u'fighters', u'qaeda', u'mosul', u'human', u'assad', u'iraqi', u'terror', u'east']", "+++: [u'isis', u'government', u'support', u'al', u'middle', u'state', u'groups', u'war']
---: [u'rebels', u'money', u'fighters', u'qaeda', u'mosul', u'human', u'assad', u'iraqi', u'terror', u'east']", "+++: [u'isis', u'government', u'support', u'al', u'middle', u'state', u'groups', u'war']
---: [u'rebels', u'money', u'fighters', u'qaeda', u'mosul', u'human', u'assad', u'iraqi', u'terror', u'east']", "+++: [u'isis', u'government', u'support', u'al', u'middle', u'state', u'groups', u'war']
---: [u'rebels', u'money', u'fighters', u'qaeda', u'mosul', u'human', u'assad', u'iraqi', u'terror', u'east']", null, "+++: [u'report', u'state']
---: [u'shot', u'money', u'years', u'embassy', u'human', u'committed', u'children', u'suicide', u'police', u'crime']", "+++: [u'report', u'state']
---: [u'shot', u'money', u'years', u'embassy', u'human', u'committed', u'children', u'suicide', u'police', u'crime']", "+++: [u'report', u'state']
---: [u'shot', u'money', u'years', u'embassy', u'human', u'committed', u'children', u'suicide', u'police', u'crime']", "+++: [u'report', u'state']
---: [u'shot', u'money', u'years', u'embassy', u'human', u'committed', u'children', u'suicide', u'police', u'crime']", "+++: [u'report', u'state']
---: [u'shot', u'money', u'years', u'embassy', u'human', u'committed', u'children', u'suicide', u'police', u'crime']", "+++: [u'report', u'state']
---: [u'shot', u'money', u'years', u'embassy', u'human', u'committed', u'children', u'suicide', u'police', u'crime']", "+++: [u'report', u'state']
---: [u'shot', u'money', u'years', u'embassy', u'human', u'committed', u'children', u'suicide', u'police', u'crime']", "+++: [u'report', u'state']
---: [u'shot', u'money', u'years', u'embassy', u'human', u'committed', u'children', u'suicide', u'police', u'crime']", "+++: [u'report', u'state']
---: [u'shot', u'money', u'years', u'embassy', u'human', u'committed', u'children', u'suicide', u'police', u'crime']", "+++: [u'report', u'state']
---: [u'shot', u'money', u'years', u'embassy', u'human', u'committed', u'children', u'suicide', u'police', u'crime']", null, "+++: [u'world', u'global', u'economic', u'u', u'government']
---: [u'gold', u'money', u'dollar', u'years', u'black', u'policy', u'elites', u'nation', u'trade', u'silver']", "+++: [u'world', u'global', u'economic', u'u', u'government']
---: [u'gold', u'money', u'dollar', u'years', u'black', u'policy', u'elites', u'nation', u'trade', u'silver']", "+++: [u'world', u'global', u'economic', u'u', u'government']
---: [u'gold', u'money', u'dollar', u'years', u'black', u'policy', u'elites', u'nation', u'trade', u'silver']", "+++: [u'world', u'global', u'economic', u'u', u'government']
---: [u'gold', u'money', u'dollar', u'years', u'black', u'policy', u'elites', u'nation', u'trade', u'silver']", "+++: [u'world', u'global', u'economic', u'u', u'government']
---: [u'gold', u'money', u'dollar', u'years', u'black', u'policy', u'elites', u'nation', u'trade', u'silver']", "+++: [u'world', u'global', u'economic', u'u', u'government']
---: [u'gold', u'money', u'dollar', u'years', u'black', u'policy', u'elites', u'nation', u'trade', u'silver']", "+++: [u'world', u'global', u'economic', u'u', u'government']
---: [u'gold', u'money', u'dollar', u'years', u'black', u'policy', u'elites', u'nation', u'trade', u'silver']", "+++: [u'world', u'global', u'economic', u'u', u'government']
---: [u'gold', u'money', u'dollar', u'years', u'black', u'policy', u'elites', u'nation', u'trade', u'silver']", "+++: [u'world', u'global', u'economic', u'u', u'government']
---: [u'gold', u'money', u'dollar', u'years', u'black', u'policy', u'elites', u'nation', u'trade', u'silver']", "+++: [u'world', u'global', u'economic', u'u', u'government']
---: [u'gold', u'money', u'dollar', u'years', u'black', u'policy', u'elites', u'nation', u'trade', u'silver']", null, "+++: [u'city', u'state', u'killed']
---: [u'shot', u'rebels', u'years', u'fighters', u'qaeda', u'mosul', u'committed', u'children', u'suicide', u'police']", "+++: [u'city', u'state', u'killed']
---: [u'shot', u'rebels', u'years', u'fighters', u'qaeda', u'mosul', u'committed', u'children', u'suicide', u'police']", "+++: [u'city', u'state', u'killed']
---: [u'shot', u'rebels', u'years', u'fighters', u'qaeda', u'mosul', u'committed', u'children', u'suicide', u'police']", "+++: [u'city', u'state', u'killed']
---: [u'shot', u'rebels', u'years', u'fighters', u'qaeda', u'mosul', u'committed', u'children', u'suicide', u'police']", "+++: [u'city', u'state', u'killed']
---: [u'shot', u'rebels', u'years', u'fighters', u'qaeda', u'mosul', u'committed', u'children', u'suicide', u'police']", "+++: [u'city', u'state', u'killed']
---: [u'shot', u'rebels', u'years', u'fighters', u'qaeda', u'mosul', u'committed', u'children', u'suicide', u'police']", "+++: [u'city', u'state', u'killed']
---: [u'shot', u'rebels', u'years', u'fighters', u'qaeda', u'mosul', u'committed', u'children', u'suicide', u'police']", "+++: [u'city', u'state', u'killed']
---: [u'shot', u'rebels', u'years', u'fighters', u'qaeda', u'mosul', u'committed', u'children', u'suicide', u'police']", "+++: [u'city', u'state', u'killed']
---: [u'shot', u'rebels', u'years', u'fighters', u'qaeda', u'mosul', u'committed', u'children', u'suicide', u'police']", "+++: [u'city', u'state', u'killed']
---: [u'shot', u'rebels', u'years', u'fighters', u'qaeda', u'mosul', u'committed', u'children', u'suicide', u'police']", null, "+++: [u'woman', u'took', u'year', u'home', u'children', u'told']
---: [u'shot', u'years', u'committed', u'suicide', u'police', u'father', u'young', u'killed', u'black', u'prison']", "+++: [u'woman', u'took', u'year', u'home', u'children', u'told']
---: [u'shot', u'years', u'committed', u'suicide', u'police', u'father', u'young', u'killed', u'black', u'prison']", "+++: [u'woman', u'took', u'year', u'home', u'children', u'told']
---: [u'shot', u'years', u'committed', u'suicide', u'police', u'father', u'young', u'killed', u'black', u'prison']", "+++: [u'woman', u'took', u'year', u'home', u'children', u'told']
---: [u'shot', u'years', u'committed', u'suicide', u'police', u'father', u'young', u'killed', u'black', u'prison']", "+++: [u'woman', u'took', u'year', u'home', u'children', u'told']
---: [u'shot', u'years', u'committed', u'suicide', u'police', u'father', u'young', u'killed', u'black', u'prison']", "+++: [u'woman', u'took', u'year', u'home', u'children', u'told']
---: [u'shot', u'years', u'committed', u'suicide', u'police', u'father', u'young', u'killed', u'black', u'prison']", "+++: [u'woman', u'took', u'year', u'home', u'children', u'told']
---: [u'shot', u'years', u'committed', u'suicide', u'police', u'father', u'young', u'killed', u'black', u'prison']", "+++: [u'woman', u'took', u'year', u'home', u'children', u'told']
---: [u'shot', u'years', u'committed', u'suicide', u'police', u'father', u'young', u'killed', u'black', u'prison']", "+++: [u'woman', u'took', u'year', u'home', u'children', u'told']
---: [u'shot', u'years', u'committed', u'suicide', u'police', u'father', u'young', u'killed', u'black', u'prison']", "+++: [u'woman', u'took', u'year', u'home', u'children', u'told']
---: [u'shot', u'years', u'committed', u'suicide', u'police', u'father', u'young', u'killed', u'black', u'prison']", null ], "type": "scatter", "x": [ -0.06122496905473652, -0.052306081839790255, -0.043387194624843986, -0.034468307409897724, -0.02554942019495146, -0.0166305329800052, -0.007711645765058929, 0.0012072414498873335, 0.010126128664833596, 0.019045015879779865, null, -0.06122496905473652, -0.052988742959406136, -0.04475251686407576, -0.03651629076874538, -0.028280064673414998, -0.020043838578084616, -0.011807612482754241, -0.0035713863874238597, 0.004664839707906522, 0.01290106580323691, null, -0.06122496905473652, -0.04753701306783979, -0.03384905708094307, -0.02016110109404634, -0.006473145107149615, 0.0072148108797471175, 0.020902766866643836, 0.034590722853540555, 0.04827867884043729, 0.06196663482733402, null, -0.06122496905473652, -0.06733652092147946, -0.07344807278822241, -0.07955962465496534, -0.08567117652170828, -0.09178272838845122, -0.09789428025519417, -0.1040058321219371, -0.11011738398868004, -0.11622893585542299, null, -0.06122496905473652, -0.061646210982364294, -0.06206745290999208, -0.06248869483761985, -0.06290993676524763, -0.06333117869287541, -0.0637524206205032, -0.06417366254813098, -0.06459490447575875, -0.06501614640338653, null, -0.06122496905473652, -0.06510161810023485, -0.06897826714573317, -0.0728549161912315, -0.07673156523672982, -0.08060821428222814, -0.08448486332772648, -0.08836151237322479, -0.09223816141872312, -0.09611481046422145, null, -0.06122496905473652, -0.05325516298944129, -0.04528535692414605, -0.03731555085885082, -0.02934574479355559, -0.02137593872826036, -0.013406132662965121, -0.005436326597669891, 0.0025334794676253394, 0.010503285532920573, null, -0.06122496905473652, -0.04643312456252767, -0.03164128007031882, -0.016849435578109973, -0.002057591085901124, 0.012734253406307731, 0.027526097898516573, 0.042317942390725415, 0.05710978688293427, 0.07190163137514313, null, -0.06122496905473652, -0.05760478453871124, -0.053984600022685965, -0.05036441550666069, -0.04674423099063541, -0.043124046474610135, -0.03950386195858486, -0.03588367744255958, -0.032263492926534305, -0.02864330841050903, null, -0.06122496905473652, -0.07773107660135539, -0.09423718414797425, -0.11074329169459313, -0.12724939924121198, -0.14375550678783086, -0.16026161433444971, -0.1767677218810686, -0.19327382942768745, -0.20977993697430633, null, -0.06122496905473652, -0.0691241621938655, -0.07702335533299447, -0.08492254847212344, -0.09282174161125242, -0.10072093475038141, -0.10862012788951037, -0.11651932102863935, -0.12441851416776833, -0.1323177073068973, null, -0.06122496905473652, -0.056513898179889895, -0.05180282730504327, -0.04709175643019665, -0.042380685555350024, -0.0376696146805034, -0.03295854380565678, -0.028247472930810154, -0.02353640205596353, -0.018825331181116907, null, -0.06122496905473652, -0.06266618969084199, -0.06410741032694746, -0.06554863096305294, -0.0669898515991584, -0.06843107223526387, -0.06987229287136935, -0.07131351350747482, -0.0727547341435803, -0.07419595477968577, null, -0.06122496905473652, -0.05141335515662474, -0.041601741258512966, -0.03179012736040119, -0.021978513462289413, -0.012166899564177637, -0.002355285666065861, 0.007456328232045915, 0.01726794213015769, 0.027079556028269464, null, -0.06122496905473652, -0.07036200301966299, -0.07949903698458946, -0.08863607094951594, -0.09777310491444241, -0.10691013887936889, -0.11604717284429536, -0.12518420680922182, -0.1343212407741483, -0.14345827473907477, null, -0.06122496905473652, -0.0657187653225651, -0.07021256159039367, -0.07470635785822224, -0.07920015412605083, -0.0836939503938794, -0.08818774666170798, -0.09268154292953656, -0.09717533919736512, -0.10166913546519371, null, -0.26718421567497197, -0.2504114068061332, -0.2336385979372944, -0.21686578906845566, -0.20009298019961685, -0.1833201713307781, -0.16654736246193932, -0.14977455359310055, -0.13300174472426177, -0.11622893585542299, null, -0.26718421567497197, -0.2608059624860091, -0.2544277092970463, -0.24804945610808343, -0.2416712029191206, -0.23529294973015774, -0.22891469654119487, -0.22253644335223202, -0.21615819016326918, -0.20977993697430633, null, -0.26718421567497197, -0.28528447286682723, -0.30338473005868255, -0.3214849872505378, -0.33958524444239313, -0.3576855016342484, -0.37578575882610366, -0.393886016017959, -0.4119862732098143, -0.43008653040166955, null, -0.26718421567497197, -0.24879365120721883, -0.2304030867394657, -0.21201252227171255, -0.1936219578039594, -0.17523139333620627, -0.15684082886845313, -0.1384502644007, -0.12005969993294685, -0.10166913546519371, null, -0.26718421567497197, -0.25219904807851923, -0.23721388048206649, -0.22222871288561374, -0.207243545289161, -0.19225837769270826, -0.17727321009625552, -0.16228804249980278, -0.14730287490335003, -0.1323177073068973, null, -0.1841564590463138, -0.1783965977419342, -0.1726367364375546, -0.16687687513317498, -0.16111701382879534, -0.15535715252441573, -0.14959729122003612, -0.1438374299156565, -0.1380775686112769, -0.1323177073068973, null, -0.1841564590463138, -0.1749912008706338, -0.1658259426949538, -0.15666068451927379, -0.14749542634359375, -0.13833016816791377, -0.12916490999223373, -0.11999965181655373, -0.11083439364087372, -0.10166913546519371, null, 0.3510584345324244, 0.33144032720138067, 0.31182221987033687, 0.2922041125392931, 0.2725860052082494, 0.25296789787720564, 0.23334979054616187, 0.2137316832151181, 0.19411357588407435, 0.17449546855303058, null, 0.01290106580323691, 0.013583726922852795, 0.01426638804246868, 0.014949049162084562, 0.015631710281700448, 0.01631437140131633, 0.016997032520932213, 0.017679693640548097, 0.01836235476016398, 0.019045015879779865, null, 0.01290106580323691, 0.027595613336861675, 0.04229016087048644, 0.05698470840411121, 0.07167925593773597, 0.08637380347136074, 0.10106835100498551, 0.11576289853861027, 0.13045744607223503, 0.1451519936058598, null, 0.01290106580323691, 0.018352795694803255, 0.023804525586369602, 0.02925625547793595, 0.034707985369502294, 0.04015971526106864, 0.04561144515263499, 0.05106317504420133, 0.056514904935767676, 0.06196663482733402, null, 0.01290106580323691, 0.01945668420011538, 0.02601230259699385, 0.03256792099387232, 0.03912353939075079, 0.04567915778762926, 0.052234776184507725, 0.0587903945813862, 0.06534601297826467, 0.07190163137514313, null, 0.01290106580323691, 0.008285024223931806, 0.003668982644626702, -0.0009470589346784013, -0.0055631005139835064, -0.010179142093288612, -0.014795183672593713, -0.01941122525189882, -0.024027266831203924, -0.02864330841050903, null, 0.01290106580323691, -0.00019316328859571123, -0.013287392380428333, -0.026381621472260953, -0.03947585056409358, -0.052570079655926194, -0.06566430874775882, -0.07875853783959144, -0.09185276693142407, -0.10494699602325669, null, 0.01290106580323691, 0.022385487317219246, 0.03186990883120158, 0.041354330345183925, 0.05083875185916626, 0.060323173373148596, 0.06980759488713094, 0.07929201640111327, 0.08877643791509561, 0.09826085942907795, null, 0.17449546855303058, 0.17123508244778937, 0.1679746963425482, 0.16471431023730698, 0.1614539241320658, 0.1581935380268246, 0.1549331519215834, 0.1516727658163422, 0.148412379711101, 0.1451519936058598, null, 0.17449546855303058, 0.15627411488412946, 0.13805276121522836, 0.11983140754632725, 0.10161005387742614, 0.08338870020852503, 0.06516734653962392, 0.04694599287072279, 0.028724639201821695, 0.010503285532920573, null, 0.17449546855303058, 0.16309615331104307, 0.1516968380690556, 0.1402975228270681, 0.1288982075850806, 0.1174988923430931, 0.10609957710110561, 0.09470026185911812, 0.08330094661713063, 0.07190163137514313, null, 0.17449546855303058, 0.18235081737650166, 0.19020616619997271, 0.1980615150234438, 0.20591686384691488, 0.21377221267038593, 0.221627561493857, 0.2294829103173281, 0.23733825914079915, 0.24519360796427023, null, 0.17449546855303058, 0.1711781738951392, 0.16786087923724782, 0.16454358457935644, 0.16122628992146507, 0.15790899526357366, 0.15459170060568228, 0.1512744059477909, 0.14795711128989952, 0.14463981663200814, null, 0.17449546855303058, 0.15811592271694602, 0.14173637688086144, 0.12535683104477688, 0.1089772852086923, 0.09259773937260773, 0.07621819353652318, 0.059838647700438605, 0.04345910186435403, 0.027079556028269464, null, 0.17449546855303058, 0.16602495642814696, 0.15755444430326332, 0.1490839321783797, 0.14061342005349609, 0.13214290792861244, 0.12367239580372882, 0.11520188367884521, 0.10673137155396158, 0.09826085942907795, null, 0.06196663482733402, 0.05719756605538356, 0.0524284972834331, 0.04765942851148264, 0.042890359739532175, 0.03812129096758171, 0.03335222219563125, 0.028583153423680792, 0.02381408465173033, 0.019045015879779865, null, 0.06196663482733402, 0.05189886335646257, 0.04183109188559112, 0.03176332041471967, 0.021695548943848224, 0.011627777472976775, 0.0015600060021053255, -0.008507765468766117, -0.018575536939637573, -0.02864330841050903, null, 0.06196663482733402, 0.0759576115889728, 0.08994858835061158, 0.10393956511225036, 0.11793054187388913, 0.1319215186355279, 0.1459124953971667, 0.15990347215880546, 0.17389444892044423, 0.18788542568208302, null, 0.06196663482733402, 0.06599932644975001, 0.070032018072166, 0.074064709694582, 0.078097401316998, 0.08213009293941398, 0.08616278456182996, 0.09019547618424596, 0.09422816780666196, 0.09826085942907795, null, -0.11622893585542299, -0.10119849677373378, -0.08616805769204458, -0.07113761861035536, -0.056107179528666166, -0.041076740446976956, -0.026046301365287752, -0.011015862283598549, 0.004014576798090655, 0.019045015879779865, null, -0.11622893585542299, -0.10540631311383342, -0.09458369037224386, -0.0837610676306543, -0.07293844488906473, -0.062115822147475165, -0.0512931994058856, -0.04047057666429604, -0.02964795392270647, -0.018825331181116907, null, -0.11622893585542299, -0.09239673637936732, -0.06856453690331167, -0.04473233742725602, -0.020900137951200354, 0.0029320615248553117, 0.02676426100091095, 0.050596460476966615, 0.07442865995302228, 0.09826085942907795, null, -0.06501614640338653, -0.055676017260812484, -0.04633588811823844, -0.03699575897566439, -0.027655629833090348, -0.018315500690516302, -0.008975371547942257, 0.00036475759463179547, 0.009704886737205834, 0.019045015879779865, null, -0.06501614640338653, -0.06847155352125707, -0.07192696063912762, -0.07538236775699816, -0.07883777487486872, -0.08229318199273926, -0.08574858911060981, -0.08920399622848035, -0.0926594033463509, -0.09611481046422145, null, -0.06501614640338653, -0.056625098410463516, -0.0482340504175405, -0.039843002424617496, -0.03145195443169448, -0.02306090643877147, -0.014669858445848463, -0.00627881045292545, 0.0021122375399975635, 0.010503285532920573, null, -0.06501614640338653, -0.049803059983549905, -0.034589973563713274, -0.019376887143876642, -0.004163800724040018, 0.011049285695796607, 0.026262372115633245, 0.04147545853546987, 0.056688544955306494, 0.07190163137514313, null, -0.06501614640338653, -0.06097471995973347, -0.05693329351608042, -0.052891867072427365, -0.048850440628774305, -0.044809014185121246, -0.04076758774146819, -0.03672616129781514, -0.03268473485416208, -0.02864330841050903, null, -0.06501614640338653, -0.08110101202237763, -0.09718587764136871, -0.1132707432603598, -0.12935560887935088, -0.14544047449834197, -0.16152534011733308, -0.1776102057363242, -0.19369507135531527, -0.20977993697430633, null, -0.06501614640338653, -0.07249409761488773, -0.07997204882638892, -0.08745000003789012, -0.09492795124939131, -0.10240590246089251, -0.1098838536723937, -0.1173618048838949, -0.1248397560953961, -0.1323177073068973, null, -0.06501614640338653, -0.05988383360091212, -0.054751520798437724, -0.049619207995963324, -0.04448689519348892, -0.03935458239101451, -0.03422226958854011, -0.029089956786065713, -0.023957643983591306, -0.018825331181116907, null, -0.06501614640338653, -0.06603612511186423, -0.06705610382034191, -0.06807608252881961, -0.06909606123729731, -0.07011603994577499, -0.07113601865425269, -0.07215599736273039, -0.07317597607120807, -0.07419595477968577, null, -0.06501614640338653, -0.05478329057764698, -0.044550434751907425, -0.034317578926167866, -0.024084723100428314, -0.013851867274688762, -0.0036190114489492026, 0.006613844376790343, 0.016846700202529902, 0.027079556028269464, null, -0.06501614640338653, -0.07373193844068522, -0.08244773047798391, -0.09116352251528262, -0.09987931455258131, -0.10859510658988, -0.1173108986271787, -0.1260266906644774, -0.13474248270177608, -0.14345827473907477, null, -0.09611481046422145, -0.08426835535342789, -0.07242190024263434, -0.06057544513184078, -0.04872899002104722, -0.03688253491025366, -0.025036079799460112, -0.013189624688666551, -0.0013431695778729907, 0.010503285532920573, null, -0.09611481046422145, -0.08861797690269785, -0.08112114334117425, -0.07362430977965065, -0.06612747621812703, -0.05863064265660344, -0.051133809095079835, -0.043636975533556235, -0.036140141972032636, -0.02864330841050903, null, -0.09611481046422145, -0.10874426896534199, -0.12137372746646254, -0.13400318596758307, -0.1466326444687036, -0.15926210296982415, -0.1718915614709447, -0.18452101997206524, -0.1971504784731858, -0.20977993697430633, null, -0.09611481046422145, -0.1001373545578521, -0.10415989865148274, -0.10818244274511339, -0.11220498683874405, -0.1162275309323747, -0.12025007502600535, -0.124272619119636, -0.12829516321326664, -0.1323177073068973, null, -0.09611481046422145, -0.0875270905438765, -0.07893937062353155, -0.07035165070318661, -0.061763930782841654, -0.05317621086249671, -0.044588490942151754, -0.03600077102180681, -0.02741305110146186, -0.018825331181116907, null, -0.09611481046422145, -0.09367938205482859, -0.09124395364543574, -0.08880852523604289, -0.08637309682665004, -0.08393766841725718, -0.08150224000786432, -0.07906681159847148, -0.07663138318907863, -0.07419595477968577, null, -0.09611481046422145, -0.08242654752061135, -0.06873828457700125, -0.05505002163339114, -0.04136175868978104, -0.027673495746170937, -0.013985232802560837, -0.000296969858950738, 0.013391293084659361, 0.027079556028269464, null, -0.09611481046422145, -0.1013751953836496, -0.10663558030307774, -0.11189596522250589, -0.11715635014193404, -0.12241673506136219, -0.12767711998079034, -0.1329375049002185, -0.13819788981964662, -0.14345827473907477, null, -0.09611481046422145, -0.0967319576865517, -0.09734910490888195, -0.0979662521312122, -0.09858339935354245, -0.09920054657587271, -0.09981769379820296, -0.10043484102053321, -0.10105198824286346, -0.10166913546519371, null, 0.010503285532920573, 0.011452366682571605, 0.012401447832222637, 0.013350528981873671, 0.014299610131524703, 0.015248691281175735, 0.01619777243082677, 0.0171468535804778, 0.018095934730128833, 0.019045015879779865, null, 0.010503285532920573, 0.01732532395983419, 0.02414736238674781, 0.030969400813661428, 0.03779143924057504, 0.04461347766748866, 0.05143551609440228, 0.058257554521315896, 0.06507959294822951, 0.07190163137514313, null, 0.010503285532920573, 0.006153663983650617, 0.0018040424343806604, -0.002545579114889295, -0.0068952006641592525, -0.01124482221342921, -0.015594443762699164, -0.01994406531196912, -0.02429368686123908, -0.02864330841050903, null, 0.010503285532920573, -0.005365713671503635, -0.021234712875927843, -0.037103712080352055, -0.052972711284776264, -0.06884171048920047, -0.08471070969362468, -0.10057970889804889, -0.1164487081024731, -0.1323177073068973, null, 0.010503285532920573, 0.007244550342471965, 0.003985815152023356, 0.0007270799615747472, -0.0025316552288738615, -0.0057903904193224685, -0.009049125609771079, -0.01230786080021969, -0.015566595990668296, -0.018825331181116907, null, 0.010503285532920573, 0.001092258831519869, -0.008318767869880835, -0.01772979457128154, -0.027140821272682244, -0.03655184797408295, -0.045962874675483656, -0.05537390137688436, -0.06478492807828506, -0.07419595477968577, null, 0.010503285532920573, 0.012345093365737117, 0.01418690119855366, 0.016028709031370204, 0.017870516864186746, 0.01971232469700329, 0.021554132529819834, 0.023395940362636376, 0.025237748195452922, 0.027079556028269464, null, 0.010503285532920573, -0.0019603168002032354, -0.014423919133327044, -0.02688752146645085, -0.03935112379957466, -0.05181472613269847, -0.06427832846582228, -0.07674193079894609, -0.0892055331320699, -0.10166913546519371, null, 0.010503285532920573, 0.02025412707693806, 0.030004968620955547, 0.03975581016497304, 0.04950665170899052, 0.05925749325300801, 0.06900833479702549, 0.07875917634104299, 0.08851001788506047, 0.09826085942907795, null, -0.43008653040166955, -0.4056080200208514, -0.3811295096400333, -0.3566509992592152, -0.332172488878397, -0.30769397849757885, -0.28321546811676074, -0.25873695773594263, -0.23425844735512447, -0.20977993697430633, null, -0.43008653040166955, -0.45013671833052843, -0.4701869062593873, -0.4902370941882462, -0.5102872821171051, -0.530337470045964, -0.5503876579748228, -0.5704378459036817, -0.5904880338325407, -0.6105382217613995, null, 0.07190163137514313, 0.09115629544060169, 0.11041095950606027, 0.12966562357151884, 0.1489202876369774, 0.16817495170243596, 0.18742961576789452, 0.2066842798333531, 0.22593894389881167, 0.24519360796427023, null, 0.07190163137514313, 0.07998365195923925, 0.08806567254333536, 0.09614769312743146, 0.10422971371152759, 0.11231173429562369, 0.1203937548797198, 0.12847577546381592, 0.13655779604791202, 0.14463981663200814, null, 0.07190163137514313, 0.06182085775778091, 0.05174008414041868, 0.04165931052305646, 0.03157853690569423, 0.021497763288332007, 0.011416989670969782, 0.001336216053607564, -0.008744557563754668, -0.018825331181116907, null, 0.07190163137514313, 0.05566856624682881, 0.03943550111851449, 0.023202435990200165, 0.006969370861885843, -0.00926369426642848, -0.0254967593947428, -0.041729824523057124, -0.057962889651371446, -0.07419595477968577, null, 0.07190163137514313, 0.06692140078104605, 0.06194117018694898, 0.05696093959285191, 0.05198070899875483, 0.04700047840465776, 0.042020247810560685, 0.037040017216463605, 0.03205978662236653, 0.027079556028269464, null, 0.36205329990277496, 0.34906888968738553, 0.33608447947199616, 0.3231000692566067, 0.3101156590412173, 0.29713124882582787, 0.2841468386104385, 0.27116242839504906, 0.25817801817965963, 0.24519360796427023, null, 0.36205329990277496, 0.34270131387825364, 0.3233493278537323, 0.303997341829211, 0.28464535580468964, 0.2652933697801683, 0.245941383755647, 0.22658939773112566, 0.20723741170660434, 0.18788542568208302, null, 0.24519360796427023, 0.22886774701591553, 0.21254188606756083, 0.19621602511920613, 0.17989016417085144, 0.16356430322249674, 0.14723844227414204, 0.13091258132578734, 0.11458672037743264, 0.09826085942907795, null, 0.24519360796427023, 0.23402096448290777, 0.22284832100154534, 0.21167567752018288, 0.20050303403882042, 0.18933039055745796, 0.1781577470760955, 0.16698510359473306, 0.1558124601133706, 0.14463981663200814, null, -0.02864330841050903, -0.02334460571158804, -0.01804590301266705, -0.012747200313746064, -0.007448497614825075, -0.0021497949159040852, 0.0031489077830169007, 0.008447610481937894, 0.01374631318085888, 0.019045015879779865, null, -0.02864330841050903, -0.04876960047315317, -0.06889589253579731, -0.08902218459844147, -0.1091484766610856, -0.12927476872372975, -0.14940106078637388, -0.16952735284901801, -0.18965364491166217, -0.20977993697430633, null, -0.02864330841050903, -0.009389627850229343, 0.009864052710050343, 0.02911773327033003, 0.048371413830609715, 0.0676250943908894, 0.08687877495116908, 0.10613245551144879, 0.12538613607172847, 0.14463981663200814, null, -0.02864330841050903, -0.027552422051687682, -0.026461535692866335, -0.025370649334044988, -0.02427976297522364, -0.023188876616402294, -0.022097990257580948, -0.0210071038987596, -0.019916217539938254, -0.018825331181116907, null, -0.02864330841050903, -0.03370471356263978, -0.03876611871477052, -0.04382752386690127, -0.048888929019032024, -0.053950334171162774, -0.059011739323293524, -0.06407314447542427, -0.06913454962755503, -0.07419595477968577, null, -0.02864330841050903, -0.04140052689146078, -0.054157745372412525, -0.06691496385336428, -0.07967218233431603, -0.09242940081526776, -0.10518661929621953, -0.11794383777717127, -0.13070105625812303, -0.14345827473907477, null, -0.02864330841050903, -0.014542845317221588, -0.0004423822239341471, 0.013658080869353294, 0.027758543962640735, 0.041859007055928175, 0.055959470149215616, 0.07005993324250306, 0.0841603963357905, 0.09826085942907795, null, -0.20977993697430633, -0.20117302256681643, -0.19256610815932654, -0.18395919375183664, -0.17535227934434677, -0.16674536493685688, -0.15813845052936698, -0.14953153612187708, -0.1409246217143872, -0.1323177073068973, null, -0.20977993697430633, -0.20241086339261394, -0.19504178981092155, -0.18767271622922915, -0.18030364264753673, -0.17293456906584437, -0.16556549548415195, -0.15819642190245956, -0.15082734832076716, -0.14345827473907477, null, 0.14463981663200814, 0.13157756545381497, 0.11851531427562177, 0.10545306309742858, 0.0923908119192354, 0.07932856074104222, 0.06626630956284903, 0.053204058384655833, 0.040141807206462654, 0.027079556028269464, null, 0.14463981663200814, 0.1494448843042387, 0.15424995197646924, 0.15905501964869978, 0.16386008732093033, 0.16866515499316084, 0.1734702226653914, 0.17827529033762193, 0.18308035800985248, 0.18788542568208302, null, 0.14463981663200814, 0.1394865991650159, 0.13433338169802367, 0.1291801642310314, 0.12402694676403916, 0.11887372929704693, 0.11372051183005469, 0.10856729436306244, 0.10341407689607018, 0.09826085942907795, null, -0.1323177073068973, -0.1197074432929217, -0.10709717927894609, -0.0944869152649705, -0.08187665125099489, -0.06926638723701929, -0.0566561232230437, -0.04404585920906809, -0.031435595195092494, -0.018825331181116907, null, -0.1323177073068973, -0.11460690026965654, -0.0968960932324158, -0.07918528619517504, -0.06147447915793429, -0.04376367212069354, -0.02605286508345278, -0.008342058046212034, 0.009368748991028714, 0.027079556028269464, null, -0.1323177073068973, -0.1335555481326948, -0.1347933889584923, -0.13603122978428978, -0.13726907061008728, -0.13850691143588478, -0.1397447522616823, -0.1409825930874798, -0.14222043391327727, -0.14345827473907477, null, -0.1323177073068973, -0.1289123104355969, -0.1255069135642965, -0.1221015166929961, -0.1186961198216957, -0.1152907229503953, -0.1118853260790949, -0.1084799292077945, -0.10507453233649411, -0.10166913546519371, null, -0.018825331181116907, -0.014617514841017264, -0.010409698500917624, -0.006201882160817983, -0.0019940658207183402, 0.0022137505193813023, 0.006421566859480941, 0.010629383199580584, 0.014837199539680226, 0.019045015879779865, null, -0.018825331181116907, -0.024977622692069004, -0.031129914203021098, -0.03728220571397319, -0.04343449722492529, -0.049586788735877387, -0.05573908024682948, -0.061891371757781574, -0.06804366326873368, -0.07419595477968577, null, -0.018825331181116907, -0.013724788157851754, -0.008624245134586601, -0.0035237021113214487, 0.001576840911943704, 0.006677383935208857, 0.01177792695847401, 0.016878469981739162, 0.021979013005004315, 0.027079556028269464, null, -0.018825331181116907, 0.004142530692571974, 0.027110392566260855, 0.05007825443994974, 0.07304611631363861, 0.09601397818732749, 0.11898184006101639, 0.14194970193470527, 0.16491756380839415, 0.18788542568208302, null, -0.018825331181116907, -0.032673436020890005, -0.046521540860663096, -0.060369645700436195, -0.07421775054020929, -0.08806585537998238, -0.10191396021975549, -0.11576206505952857, -0.12961016989930169, -0.14345827473907477, null, -0.018825331181116907, -0.02803019832379211, -0.03723506546646731, -0.04643993260914251, -0.055644799751817714, -0.06484966689449292, -0.07405453403716811, -0.08325940117984332, -0.09246426832251853, -0.10166913546519371, null, -0.07419595477968577, -0.06383584692863403, -0.053475739077582296, -0.04311563122653056, -0.03275552337547882, -0.022395415524427087, -0.01203530767337535, -0.0016751998223236142, 0.008684908028728122, 0.019045015879779865, null, -0.07419595477968577, -0.06294312024546853, -0.05169028571125127, -0.040437451177034026, -0.029184616642816776, -0.017931782108599525, -0.006678947574382282, 0.004573886959834975, 0.015826721494052218, 0.027079556028269464, null, -0.07419595477968577, -0.07761273714008254, -0.0810295195004793, -0.08444630186087608, -0.08786308422127284, -0.09127986658166962, -0.09469664894206639, -0.09811343130246315, -0.10153021366285991, -0.10494699602325669, null, -0.07419595477968577, -0.08189176810850676, -0.08958758143732777, -0.09728339476614876, -0.10497920809496977, -0.11267502142379077, -0.12037083475261176, -0.12806664808143275, -0.13576246141025378, -0.14345827473907477, null, -0.07419595477968577, -0.07724853041140887, -0.08030110604313198, -0.08335368167485509, -0.0864062573065782, -0.08945883293830129, -0.09251140857002439, -0.0955639842017475, -0.0986165598334706, -0.10166913546519371, null, 0.3532472077807258, 0.3348736764364322, 0.31650014509213853, 0.2981266137478449, 0.27975308240355123, 0.2613795510592576, 0.24300601971496397, 0.22463248837067032, 0.20625895702637667, 0.18788542568208302, null, 0.027079556028269464, 0.01277414586232911, -0.0015312643036112447, -0.015836674469551597, -0.030142084635491954, -0.04444749480143231, -0.05875290496737266, -0.07305831513331303, -0.08736372529925338, -0.10166913546519371, null, 0.18788542568208302, 0.1691253801484938, 0.15036533461490453, 0.1316052890813153, 0.11284524354772606, 0.09408519801413681, 0.07532515248054758, 0.05656510694695832, 0.03780506141336909, 0.019045015879779865, null, 0.18788542568208302, 0.17792714054286024, 0.16796885540363746, 0.15801057026441467, 0.14805228512519186, 0.1380939999859691, 0.1281357148467463, 0.11817742970752351, 0.10821914456830073, 0.09826085942907795, null, -0.14345827473907477, -0.13881503704197687, -0.13417179934487897, -0.1295285616477811, -0.12488532395068319, -0.12024208625358529, -0.11559884855648739, -0.1109556108593895, -0.10631237316229161, -0.10166913546519371, null, 0.09826085942907795, 0.0894590990347115, 0.08065733864034504, 0.07185557824597857, 0.06305381785161213, 0.05425205745724567, 0.045450297062879216, 0.03664853666851276, 0.027846776274146307, 0.019045015879779865, null, 0.09826085942907795, 0.10347098544872038, 0.1086811114683628, 0.11389123748800524, 0.11910136350764766, 0.1243114895272901, 0.12952161554693253, 0.13473174156657497, 0.13994186758621738, 0.1451519936058598, null ], "y": [ 0.05813621730871762, 0.06377965918636305, 0.06942310106400848, 0.07506654294165391, 0.08070998481929934, 0.08635342669694478, 0.0919968685745902, 0.09764031045223565, 0.10328375232988107, 0.1089271942075265, null, 0.05813621730871762, 0.07515199486802632, 0.09216777242733501, 0.10918354998664372, 0.12619932754595242, 0.14321510510526111, 0.1602308826645698, 0.17724666022387853, 0.19426243778318722, 0.2112782153424959, null, 0.05813621730871762, 0.06959064027894135, 0.08104506324916509, 0.09249948621938883, 0.10395390918961257, 0.11540833215983631, 0.12686275513006004, 0.1383171781002838, 0.14977160107050752, 0.16122602404073128, null, 0.05813621730871762, 0.06502740845299484, 0.07191859959727206, 0.07880979074154928, 0.0857009818858265, 0.09259217303010372, 0.09948336417438094, 0.10637455531865816, 0.11326574646293538, 0.1201569376072126, null, 0.05813621730871762, 0.0534495463411695, 0.04876287537362139, 0.04407620440607327, 0.03938953343852516, 0.03470286247097704, 0.030016191503428928, 0.025329520535880813, 0.020642849568332698, 0.015956178600784587, null, 0.05813621730871762, 0.050430630760419676, 0.042725044212121734, 0.03501945766382379, 0.027313871115525846, 0.0196082845672279, 0.011902698018929958, 0.004197111470632016, -0.0035084750776659263, -0.011214061625963875, null, 0.05813621730871762, 0.05574671306944252, 0.05335720883016742, 0.05096770459089232, 0.048578200351617216, 0.046188696112342116, 0.043799191873067016, 0.041409687633791915, 0.039020183394516815, 0.036630679155241715, null, 0.05813621730871762, 0.060175708128255664, 0.062215198947793704, 0.06425468976733176, 0.0662941805868698, 0.06833367140640784, 0.07037316222594589, 0.07241265304548393, 0.07445214386502197, 0.07649163468456002, null, 0.05813621730871762, 0.06223195028617613, 0.06632768326363464, 0.07042341624109315, 0.07451914921855166, 0.07861488219601018, 0.08271061517346869, 0.08680634815092719, 0.09090208112838571, 0.09499781410584422, null, 0.05813621730871762, 0.05416996920184712, 0.05020372109497663, 0.04623747298810613, 0.042271224881235636, 0.038304976774365146, 0.03433872866749465, 0.030372480560624155, 0.02640623245375366, 0.022439984346883164, null, 0.05813621730871762, 0.04561372212299776, 0.0330912269372779, 0.020568731751558045, 0.008046236565838187, -0.004476258619881664, -0.01699875380560153, -0.029521248991321393, -0.042043744177041244, -0.0545662393627611, null, 0.05813621730871762, 0.051877473932782865, 0.04561873055684812, 0.03935998718091337, 0.033101243804978614, 0.02684250042904386, 0.020583757053109115, 0.014325013677174363, 0.00806627030123961, 0.001807526925304857, null, 0.05813621730871762, 0.06219427334651188, 0.06625232938430614, 0.0703103854221004, 0.07436844145989466, 0.07842649749768893, 0.08248455353548319, 0.08654260957327745, 0.09060066561107172, 0.09465872164886598, null, 0.05813621730871762, 0.05085506980008732, 0.04357392229145702, 0.03629277478282672, 0.029011627274196424, 0.02173047976556613, 0.014449332256935829, 0.00716818474830553, -0.0001129627603247696, -0.0073941102689550715, null, 0.05813621730871762, 0.05399214455497727, 0.049848071801236925, 0.04570399904749657, 0.041559926293756225, 0.03741585354001588, 0.03327178078627553, 0.029127708032535185, 0.02498363527879484, 0.020839562525054492, null, 0.05813621730871762, 0.044004970998998555, 0.029873724689279495, 0.015742478379560436, 0.001611232069841373, -0.01252001423987769, -0.026651260549596746, -0.040782506859315816, -0.05491375316903487, -0.06904499947875392, null, -0.012424101500786142, 0.0023071250667692726, 0.017038351634324687, 0.0317695782018801, 0.046500804769435515, 0.06123203133699093, 0.07596325790454635, 0.09069448447210175, 0.10542571103965717, 0.1201569376072126, null, -0.012424101500786142, -0.008550314184378441, -0.004676526867970741, -0.0008027395515630403, 0.00307104776484466, 0.006944835081252362, 0.010818622397660061, 0.01469240971406776, 0.018566197030475462, 0.022439984346883164, null, -0.012424101500786142, -0.011993140381982192, -0.011562179263178242, -0.011131218144374292, -0.010700257025570342, -0.010269295906766392, -0.00983833478796244, -0.009407373669158491, -0.008976412550354541, -0.008545451431550591, null, -0.012424101500786142, -0.018715312387227005, -0.02500652327366787, -0.03129773416010874, -0.037588945046549596, -0.04388015593299047, -0.05017136681943133, -0.056462577705872194, -0.06275378859231306, -0.06904499947875392, null, -0.012424101500786142, -0.017106561263227803, -0.021789021025669465, -0.026471480788111127, -0.03115394055055279, -0.035836400312994454, -0.04051886007543611, -0.04520131983787777, -0.049883779600319436, -0.0545662393627611, null, -0.21204329755664703, -0.19454584664621527, -0.1770483957357835, -0.1595509448253517, -0.14205349391491995, -0.12455604300448818, -0.10705859209405641, -0.08956114118362464, -0.07206369027319287, -0.0545662393627611, null, -0.21204329755664703, -0.19615459777021446, -0.1802658979837819, -0.1643771981973493, -0.14848849841091677, -0.13259979862448418, -0.11671109883805161, -0.10082239905161905, -0.08493369926518649, -0.06904499947875392, null, 0.27128883241568325, 0.2574065518241376, 0.24352427123259193, 0.2296419906410463, 0.21575971004950065, 0.201877429457955, 0.18799514886640933, 0.1741128682748637, 0.16023058768331805, 0.14634830709177238, null, 0.2112782153424959, 0.19990587966083265, 0.18853354397916938, 0.1771612082975061, 0.16578887261584285, 0.15441653693417956, 0.1430442012525163, 0.13167186557085303, 0.12029952988918977, 0.1089271942075265, null, 0.2112782153424959, 0.21930394417370364, 0.22732967300491136, 0.2353554018361191, 0.24338113066732683, 0.2514068594985346, 0.2594325883297423, 0.26745831716095003, 0.27548404599215776, 0.2835097748233655, null, 0.2112782153424959, 0.20571686075341095, 0.20015550616432598, 0.19459415157524104, 0.18903279698615608, 0.1834714423970711, 0.17791008780798614, 0.1723487332189012, 0.16678737862981624, 0.16122602404073128, null, 0.2112782153424959, 0.19630192860272525, 0.1813256418629546, 0.16634935512318394, 0.1513730683834133, 0.13639678164364263, 0.12142049490387198, 0.10644420816410133, 0.09146792142433068, 0.07649163468456002, null, 0.2112782153424959, 0.1983581707606457, 0.18543812617879554, 0.17251808159694534, 0.15959803701509517, 0.14667799243324497, 0.13375794785139478, 0.12083790326954459, 0.1079178586876944, 0.09499781410584422, null, 0.2112782153424959, 0.21959686085800215, 0.2279155063735084, 0.23623415188901464, 0.24455279740452088, 0.2528714429200271, 0.2611900884355334, 0.26950873395103964, 0.27782737946654584, 0.2861460249820521, null, 0.2112782153424959, 0.20371788718850042, 0.19615755903450494, 0.18859723088050945, 0.18103690272651396, 0.17347657457251847, 0.165916246418523, 0.15835591826452752, 0.15079559011053204, 0.14323526195653655, null, 0.14634830709177238, 0.1615884701730605, 0.1768286332543486, 0.19206879633563675, 0.20730895941692487, 0.222549122498213, 0.23778928557950113, 0.25302944866078925, 0.26826961174207736, 0.2835097748233655, null, 0.14634830709177238, 0.13415745954326896, 0.12196661199476556, 0.10977576444626216, 0.09758491689775875, 0.08539406934925534, 0.07320322180075194, 0.061012374252248536, 0.04882152670374512, 0.036630679155241715, null, 0.14634830709177238, 0.1385864546020821, 0.13082460211239186, 0.12306274962270158, 0.11530089713301134, 0.10753904464332106, 0.0997771921536308, 0.09201533966394054, 0.08425348717425028, 0.07649163468456002, null, 0.14634830709177238, 0.1414185836074971, 0.1364888601232218, 0.13155913663894653, 0.12662941315467122, 0.12169968967039593, 0.11676996618612065, 0.11184024270184537, 0.10691051921757008, 0.10198079573329479, null, 0.14634830709177238, 0.13748064875184668, 0.12861299041192098, 0.11974533207199531, 0.11087767373206961, 0.10201001539214391, 0.09314235705221822, 0.08427469871229254, 0.07540704037236684, 0.06653938203244116, null, 0.14634830709177238, 0.12926581627391376, 0.11218332545605517, 0.09510083463819656, 0.07801834382033795, 0.06093585300247935, 0.04385336218462074, 0.026770871366762136, 0.00968838054890353, -0.0073941102689550715, null, 0.14634830709177238, 0.14600241318785728, 0.1456565192839422, 0.1453106253800271, 0.144964731476112, 0.14461883757219693, 0.14427294366828183, 0.14392704976436674, 0.14358115586045164, 0.14323526195653655, null, 0.16122602404073128, 0.15541504294815298, 0.14960406185557465, 0.14379308076299635, 0.13798209967041805, 0.13217111857783972, 0.12636013748526143, 0.12054915639268311, 0.1147381753001048, 0.1089271942075265, null, 0.16122602404073128, 0.15386733404796604, 0.1465086440552008, 0.13914995406243558, 0.13179126406967037, 0.12443257407690514, 0.1170738840841399, 0.10971519409137467, 0.10235650409860944, 0.09499781410584422, null, 0.16122602404073128, 0.14625251367957426, 0.13127900331841724, 0.11630549295726021, 0.1013319825961032, 0.08635847223494618, 0.07138496187378915, 0.05641145151263213, 0.041437941151475116, 0.026464430790318093, null, 0.16122602404073128, 0.15922705047582075, 0.15722807691091023, 0.1552291033459997, 0.15323012978108919, 0.15123115621617864, 0.1492321826512681, 0.1472332090863576, 0.14523423552144707, 0.14323526195653655, null, 0.1201569376072126, 0.11890918834058081, 0.11766143907394902, 0.11641368980731724, 0.11516594054068545, 0.11391819127405366, 0.11267044200742186, 0.11142269274079009, 0.1101749434741583, 0.1089271942075265, null, 0.1201569376072126, 0.10700700308700063, 0.09385706856678866, 0.08070713404657669, 0.06755719952636471, 0.05440726500615274, 0.04125733048594077, 0.028107395965728796, 0.014957461445516823, 0.001807526925304857, null, 0.1201569376072126, 0.1227211958682486, 0.1252854541292846, 0.12784971239032059, 0.13041397065135657, 0.13297822891239258, 0.13554248717342857, 0.13810674543446455, 0.14067100369550056, 0.14323526195653655, null, 0.015956178600784587, 0.026286291445978133, 0.036616404291171675, 0.046946517136365225, 0.057276629981558774, 0.06760674282675232, 0.07793685567194586, 0.08826696851713942, 0.09859708136233296, 0.1089271942075265, null, 0.015956178600784587, 0.012937263020034758, 0.009918347439284929, 0.0068994318585351, 0.003880516277785271, 0.0008616006970354421, -0.002157314883714387, -0.0051762304644642175, -0.008195146045214045, -0.011214061625963875, null, 0.015956178600784587, 0.0182533453290576, 0.020550512057330616, 0.022847678785603627, 0.02514484551387664, 0.027442012242149656, 0.02973917897042267, 0.032036345698695685, 0.0343335124269687, 0.036630679155241715, null, 0.015956178600784587, 0.022682340387870745, 0.029408502174956906, 0.03613466396204307, 0.04286082574912922, 0.04958698753621538, 0.056313149323301545, 0.0630393111103877, 0.06976547289747385, 0.07649163468456002, null, 0.015956178600784587, 0.024738582545791213, 0.033520986490797836, 0.042303390435804465, 0.051085794380811095, 0.05986819832581772, 0.06865060227082434, 0.07743300621583098, 0.0862154101608376, 0.09499781410584422, null, 0.015956178600784587, 0.016676601461462208, 0.017397024322139826, 0.018117447182817447, 0.018837870043495065, 0.019558292904172686, 0.020278715764850304, 0.020999138625527925, 0.021719561486205546, 0.022439984346883164, null, 0.015956178600784587, 0.008120354382612844, 0.0002845301644411012, -0.0075512940537306415, -0.015387118271902384, -0.023222942490074127, -0.03105876670824587, -0.038894590926417616, -0.04673041514458935, -0.0545662393627611, null, 0.015956178600784587, 0.01438410619239795, 0.012812033784011313, 0.011239961375624677, 0.00966788896723804, 0.008095816558851403, 0.006523744150464767, 0.004951671742078129, 0.0033795993336914933, 0.001807526925304857, null, 0.015956178600784587, 0.024700905606126963, 0.033445632611469336, 0.042190359616811716, 0.0509350866221541, 0.05967981362749647, 0.06842454063283884, 0.07716926763818123, 0.0859139946435236, 0.09465872164886598, null, 0.015956178600784587, 0.013361702059702402, 0.010767225518620218, 0.008172748977538034, 0.005578272436455849, 0.002983795895373665, 0.00038931935429148065, -0.0022051571867907037, -0.004799633727872888, -0.0073941102689550715, null, 0.015956178600784587, 0.016498776814592355, 0.01704137502840012, 0.01758397324220789, 0.018126571456015657, 0.018669169669823422, 0.01921176788363119, 0.01975436609743896, 0.020296964311246724, 0.020839562525054492, null, -0.011214061625963875, -0.005897979316941032, -0.0005818970079181883, 0.004734185301104657, 0.010050267610127499, 0.01536634991915034, 0.02068243222817319, 0.02599851453719603, 0.03131459684621887, 0.036630679155241715, null, -0.011214061625963875, 0.0005872578997925797, 0.012388577425549035, 0.024189896951305488, 0.035991216477061945, 0.0477925360028184, 0.05959385552857485, 0.07139517505433131, 0.08319649458008777, 0.09499781410584422, null, -0.011214061625963875, -0.007474723184536427, -0.0037353847431089776, 3.953698318471741e-06, 0.00374329213974592, 0.00748263058117337, 0.011221969022600819, 0.014961307464028267, 0.018700645905455716, 0.022439984346883164, null, -0.011214061625963875, -0.01603097026338579, -0.020847878900807703, -0.025664787538229615, -0.03048169617565153, -0.035298604813073446, -0.040115513450495355, -0.04493242208791727, -0.049749330725339186, -0.0545662393627611, null, -0.011214061625963875, -0.009767218453600682, -0.00832037528123749, -0.006873532108874298, -0.0054266889365111055, -0.0039798457641479126, -0.0025330025917847214, -0.0010861594194215285, 0.0003606837529416644, 0.001807526925304857, null, -0.011214061625963875, 0.0005495809601283302, 0.012313223546220536, 0.02407686613231274, 0.03584050871840495, 0.047604151304497154, 0.059367793890589354, 0.07113143647668156, 0.08289507906277377, 0.09465872164886598, null, -0.011214061625963875, -0.01078962258629623, -0.010365183546628586, -0.00994074450696094, -0.009516305467293295, -0.00909186642762565, -0.008667427387958006, -0.008242988348290362, -0.007818549308622717, -0.0073941102689550715, null, -0.011214061625963875, -0.007652547831406279, -0.004091034036848682, -0.0005295202422910851, 0.0030319935522665105, 0.006593507346824106, 0.010155021141381705, 0.0137165349359393, 0.017278048730496896, 0.020839562525054492, null, -0.011214061625963875, -0.017639721387384993, -0.02406538114880611, -0.030491040910227224, -0.036916700671648345, -0.04334236043306946, -0.04976802019449057, -0.05619367995591169, -0.0626193397173328, -0.06904499947875392, null, 0.036630679155241715, 0.04466362527216225, 0.05269657138908278, 0.06072951750600331, 0.06876246362292385, 0.07679540973984439, 0.0848283558567649, 0.09286130197368545, 0.10089424809060599, 0.1089271942075265, null, 0.036630679155241715, 0.04105967421405486, 0.045488669272868, 0.04991766433168115, 0.054346659390494295, 0.05877565444930744, 0.06320464950812059, 0.06763364456693373, 0.07206263962574688, 0.07649163468456002, null, 0.036630679155241715, 0.04311591637197533, 0.04960115358870894, 0.056086390805442546, 0.06257162802217617, 0.06905686523890978, 0.07554210245564338, 0.08202733967237699, 0.0885125768891106, 0.09499781410584422, null, 0.036630679155241715, 0.026497688208796957, 0.0163646972623522, 0.006231706315907443, -0.0039012846305373147, -0.014034275576982072, -0.02416726652342683, -0.03430025746987158, -0.044433248416316344, -0.0545662393627611, null, 0.036630679155241715, 0.03276144001858206, 0.028892200881922413, 0.025022961745262765, 0.021153722608603112, 0.01728448347194346, 0.013415244335283811, 0.009546005198624162, 0.00567676606196451, 0.001807526925304857, null, 0.036630679155241715, 0.04307823943231108, 0.04952579970938044, 0.0559733599864498, 0.06242092026351916, 0.06886848054058853, 0.07531604081765789, 0.08176360109472725, 0.0882111613717966, 0.09465872164886598, null, 0.036630679155241715, 0.031739035885886516, 0.026847392616531317, 0.02195574934717612, 0.017064106077820922, 0.012172462808465723, 0.007280819539110528, 0.002389176269755329, -0.00250246699959987, -0.0073941102689550715, null, 0.036630679155241715, 0.024888937084797755, 0.013147195014353796, 0.0014054529439098337, -0.010336289126534122, -0.022078031196978078, -0.03381977326742205, -0.045561515337866, -0.05730325740830996, -0.06904499947875392, null, 0.036630679155241715, 0.048475632799830026, 0.060320586444418345, 0.07216554008900666, 0.08401049373359498, 0.0958554473781833, 0.10770040102277159, 0.11954535466735991, 0.13139030831194823, 0.14323526195653655, null, -0.008545451431550591, -0.005102625233946841, -0.00165979903634309, 0.0017830271612606606, 0.005225853358864411, 0.00866867955646816, 0.012111505754071912, 0.015554331951675665, 0.018997158149279415, 0.022439984346883164, null, -0.008545451431550591, -0.009860773046788217, -0.011176094662025843, -0.012491416277263467, -0.013806737892501093, -0.01512205950773872, -0.016437381122976345, -0.01775270273821397, -0.019068024353451597, -0.020383345968689223, null, 0.07649163468456002, 0.079323763689975, 0.08215589269538998, 0.08498802170080494, 0.08782015070621992, 0.09065227971163489, 0.09348440871704987, 0.09631653772246485, 0.09914866672787981, 0.10198079573329479, null, 0.07649163468456002, 0.0753858288343246, 0.07428002298408916, 0.07317421713385373, 0.07206841128361831, 0.07096260543338287, 0.06985679958314744, 0.06875099373291202, 0.06764518788267658, 0.06653938203244116, null, 0.07649163468456002, 0.06819340048908723, 0.059895166293614424, 0.05159693209814163, 0.04329869790266883, 0.03500046370719603, 0.02670222951172324, 0.018403995316250442, 0.010105761120777643, 0.001807526925304857, null, 0.07649163468456002, 0.07851019990281624, 0.08052876512107246, 0.08254733033932868, 0.0845658955575849, 0.0865844607758411, 0.08860302599409732, 0.09062159121235354, 0.09264015643060976, 0.09465872164886598, null, 0.07649163468456002, 0.06717099635639168, 0.05785035802822333, 0.04852971970005499, 0.039209081371886646, 0.0298884430437183, 0.02056780471554996, 0.011247166387381616, 0.00192652805921327, -0.0073941102689550715, null, 0.04342036672345108, 0.04992708105787816, 0.05643379539230524, 0.06294050972673232, 0.06944722406115938, 0.07595393839558648, 0.08246065273001355, 0.08896736706444063, 0.0954740813988677, 0.10198079573329479, null, 0.04342036672345108, 0.04153637384199186, 0.03965238096053264, 0.037768388079073414, 0.035884395197614195, 0.034000402316154976, 0.03211640943469576, 0.030232416553236535, 0.028348423671777312, 0.026464430790318093, null, 0.10198079573329479, 0.10656462531365499, 0.11114845489401518, 0.11573228447437538, 0.12031611405473557, 0.12489994363509577, 0.12948377321545596, 0.13406760279581614, 0.13865143237617636, 0.14323526195653655, null, 0.10198079573329479, 0.09804286087764438, 0.09410492602199398, 0.09016699116634358, 0.08622905631069316, 0.08229112145504278, 0.07835318659939236, 0.07441525174374196, 0.07047731688809156, 0.06653938203244116, null, 0.09499781410584422, 0.09654552300603114, 0.09809323190621806, 0.09964094080640498, 0.1011886497065919, 0.10273635860677882, 0.10428406750696574, 0.10583177640715266, 0.10737948530733958, 0.1089271942075265, null, 0.09499781410584422, 0.08693583302151522, 0.07887385193718621, 0.0708118708528572, 0.0627498897685282, 0.0546879086841992, 0.04662592759987019, 0.03856394651554119, 0.030501965431212183, 0.022439984346883164, null, 0.09499781410584422, 0.09183576609768833, 0.08867371808953244, 0.08551167008137653, 0.08234962207322064, 0.07918757406506474, 0.07602552605690885, 0.07286347804875296, 0.06970143004059705, 0.06653938203244116, null, 0.09499781410584422, 0.08464333775245096, 0.07428886139905769, 0.06393438504566443, 0.053579908692271166, 0.043225432338877906, 0.03287095598548464, 0.02251647963209137, 0.01216200327869811, 0.001807526925304857, null, 0.09499781410584422, 0.09496013716617997, 0.09492246022651572, 0.09488478328685147, 0.09484710634718722, 0.09480942940752297, 0.09477175246785872, 0.09473407552819448, 0.09469639858853023, 0.09465872164886598, null, 0.09499781410584422, 0.08675800837464537, 0.0785182026434465, 0.07027839691224765, 0.062038591181048784, 0.05379878544984992, 0.04555897971865107, 0.03731917398745221, 0.029079368256253346, 0.020839562525054492, null, 0.09499781410584422, 0.10035753053369892, 0.10571724696155363, 0.11107696338940833, 0.11643667981726304, 0.12179639624511773, 0.12715611267297244, 0.13251582910082715, 0.13787554552868184, 0.14323526195653655, null, 0.022439984346883164, 0.0138837372680338, 0.005327490189184436, -0.003228756889664928, -0.011785003968514292, -0.020341251047363652, -0.02889749812621302, -0.03745374520506239, -0.04600999228391175, -0.0545662393627611, null, 0.022439984346883164, 0.02226215970001331, 0.02208433505314346, 0.021906510406273606, 0.021728685759403753, 0.021550861112533903, 0.02137303646566405, 0.021195211818794198, 0.021017387171924345, 0.020839562525054492, null, 0.06653938203244116, 0.05832454955450824, 0.05010971707657533, 0.041894884598642414, 0.0336800521207095, 0.025465219642776586, 0.017250387164843672, 0.009035554686910759, 0.0008207222089778449, -0.0073941102689550715, null, 0.06653938203244116, 0.06208660967220526, 0.05763383731196936, 0.05318106495173347, 0.04872829259149757, 0.044275520231261675, 0.039822747871025785, 0.03536997551078989, 0.03091720315055399, 0.026464430790318093, null, 0.06653938203244116, 0.07506114646845176, 0.08358291090446235, 0.09210467534047295, 0.10062643977648356, 0.10914820421249415, 0.11766996864850475, 0.12619173308451534, 0.13471349752052594, 0.14323526195653655, null, -0.0545662393627611, -0.048302487552975996, -0.04203873574319089, -0.03577498393340578, -0.029511232123620675, -0.02324748031383557, -0.016983728504050458, -0.010719976694265353, -0.004456224884480248, 0.001807526925304857, null, -0.0545662393627611, -0.04932489168567154, -0.044083544008581985, -0.038842196331492426, -0.03360084865440287, -0.028359500977313306, -0.023118153300223744, -0.017876805623134186, -0.012635457946044627, -0.0073941102689550715, null, -0.0545662393627611, -0.04618781693078159, -0.03780939449880208, -0.029430972066822568, -0.021052549634843057, -0.012674127202863546, -0.004295704770884035, 0.004082717661095477, 0.012461140093074988, 0.020839562525054492, null, -0.0545662393627611, -0.05617499048676031, -0.057783741610759505, -0.05939249273475871, -0.06100124385875791, -0.06260999498275711, -0.06421874610675632, -0.06582749723075551, -0.06743624835475472, -0.06904499947875392, null, 0.001807526925304857, 0.013709712178885041, 0.025611897432465225, 0.03751408268604541, 0.04941626793962559, 0.06131845319320577, 0.07322063844678596, 0.08512282370036614, 0.09702500895394632, 0.1089271942075265, null, 0.001807526925304857, 0.012124326339033872, 0.022441125752762886, 0.0327579251664919, 0.043074724580220915, 0.053391523993949926, 0.06370832340767894, 0.07402512282140795, 0.08434192223513697, 0.09465872164886598, null, 0.001807526925304857, 0.0007851227926093096, -0.0002372813400862378, -0.0012596854727817853, -0.0022820896054773325, -0.00330449373817288, -0.004326897870868427, -0.005349302003563975, -0.006371706136259522, -0.0073941102689550715, null, 0.001807526925304857, 0.004547182910306328, 0.007286838895307799, 0.01002649488030927, 0.01276615086531074, 0.01550580685031221, 0.018245462835313683, 0.020985118820315153, 0.023724774805316623, 0.026464430790318093, null, 0.001807526925304857, 0.003922197547499261, 0.006036868169693665, 0.008151538791888069, 0.010266209414082473, 0.012380880036276878, 0.01449555065847128, 0.016610221280665683, 0.01872489190286009, 0.020839562525054492, null, 0.001807526925304857, -0.006064976008479451, -0.01393747894226376, -0.021809981876048067, -0.029682484809832377, -0.03755498774361669, -0.04542749067740099, -0.0532999936111853, -0.06117249654496961, -0.06904499947875392, null, 0.09465872164886598, 0.09624410748871715, 0.09782949332856831, 0.09941487916841948, 0.10100026500827065, 0.10258565084812182, 0.10417103668797299, 0.10575642252782416, 0.10734180836767533, 0.1089271942075265, null, 0.09465872164886598, 0.08331951810244141, 0.07198031455601686, 0.0606411110095923, 0.04930190746316773, 0.03796270391674317, 0.026623500370318617, 0.015284296823894053, 0.003945093277469489, -0.0073941102689550715, null, 0.09465872164886598, 0.11593508868588666, 0.13721145572290733, 0.158487822759928, 0.1797641897969487, 0.20104055683396937, 0.22231692387099006, 0.24359329090801074, 0.2648696579450314, 0.2861460249820521, null, 0.09465872164886598, 0.08645659285733137, 0.07825446406579675, 0.07005233527426215, 0.061850206482727536, 0.053648077691192925, 0.04544594889965832, 0.03724382010812371, 0.029041691316589097, 0.020839562525054492, null, 0.09465872164886598, 0.07646941930135265, 0.058280116953839334, 0.04009081460632601, 0.02190151225881269, 0.0037122099112993773, -0.01447709243621395, -0.03266639478372728, -0.05085569713124059, -0.06904499947875392, null, -0.0956502987712455, -0.08208199548662733, -0.06851369220200915, -0.054945388917390973, -0.04137708563277279, -0.02780878234815462, -0.01424047906353644, -0.0006721757789182603, 0.01289612750569992, 0.026464430790318093, null, -0.0073941102689550715, -0.014244209070043833, -0.021094307871132593, -0.027944406672221356, -0.03479450547331012, -0.04164460427439887, -0.04849470307548764, -0.055344801876576394, -0.06219490067766516, -0.06904499947875392, null, 0.026464430790318093, 0.0356269600588968, 0.044789489327475514, 0.053952018596054224, 0.06311454786463294, 0.07227707713321165, 0.08143960640179035, 0.09060213567036907, 0.09976466493894778, 0.1089271942075265, null, 0.026464430790318093, 0.03943896758656459, 0.05241350438281108, 0.06538804117905758, 0.07836257797530408, 0.09133711477155057, 0.10431165156779706, 0.11728618836404356, 0.13026072516029005, 0.14323526195653655, null, 0.020839562525054492, 0.010852388969075779, 0.000865215413097066, -0.009121958142881647, -0.01910913169886036, -0.02909630525483907, -0.039083478810817786, -0.0490706523667965, -0.05905782592277521, -0.06904499947875392, null, 0.14323526195653655, 0.13942325442886877, 0.135611246901201, 0.1317992393735332, 0.1279872318458654, 0.12417522431819764, 0.12036321679052986, 0.11655120926286207, 0.11273920173519428, 0.1089271942075265, null, 0.14323526195653655, 0.15882131894173976, 0.17440737592694297, 0.1899934329121462, 0.20557948989734942, 0.22116554688255263, 0.23675160386775584, 0.25233766085295906, 0.26792371783816227, 0.2835097748233655, null ] }, { "hoverinfo": "text", "marker": { "color": [ 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2 ], "colorbar": { "thickness": 15, "xanchor": "left" }, "colorscale": "YIGnBu", "line": { "width": 2 }, "reversescale": true, "showscale": true, "size": 10 }, "mode": "markers", "text": [ "1: [u'operations', u'force', u'chinese', u'washington', u'general', u'states', u'defense', u'nations', u'sea', u'japan']", "2: [u'control', u'heart', u'spiritual', u'love', u'consciousness', u'energy', u'mind', u'jesus', u'society', u'beings']", "3: [u'this', u'all', u'right', u've', u'well', u'is', u'them', u'doesn', u'years', u'sure']", "4: [u'comment', u'www', u'google', u'co', u'help', u'twitter', u'pic', u'share', u'site', u'at']", "5: [u'and', u'vitamins', u'www', u'acids', u'force', u'campaign', u'mind', u'widget', u'jpg', u'brain']", "6: [u'camp', u'protests', u'national', u'streets', u'community', u'according', u'protest', u'set', u'anti', u'homeless']", "7: [u'comment', u'videos', u'list', u'twitter', u'share', u'bias', u'video', u'fake', u'article', u'journalists']", "8: [u'tribe', u'vehicles', u'supply', u'energy', u'site', u'private', u'lake', u'county', u'fukushima', u'dakota']", "9: [u'called', u'eastern', u'england', u'jews', u'century', u'german', u'modern', u'britain', u'london', u'eu']", "10: [u'number', u'years', u'likely', u'numbers', u'year', u'news', u'october', u'25', u'20', u'percent']", "11: [u'and', u'control', u'office', u'money', u'in', u'years', u'including', u'article', u'open', u'worked']", "12: [u'pakistan', u'major', u'force', u'moore', u'national', u'india', u'general', u'quake', u'soldiers', u'navy']", "13: [u'official', u'clinton', u'campaign', u'days', u'john', u'private', u'evidence', u'election', u'news', u'scandal']", "14: [u'cancer', u'soil', u'energy', u'tests', u'years', u'high', u'weather', u'caused', u'earth', u'kratom']", "15: [u'clinton', u'trump', u'office', u'win', u'seen', u'elected', u'donald', u'americans', u'election', u'rally']", "16: [u'control', u'coup', u'ammon', u'intelligence', u'national', u'conspiracy', u'year', u'jury', u'nevada', u'defendants']", "17: [u'duke', u'carter', u'whites', u'house', u'cohen', u'reagan', u'fuck', u'evidence', u'alt', u'dumb']", "18: [u'comment', u'jews', u'text', u'cited', u'results', u'community', u'college', u'in', u'need', u'phrase']", "19: [u'attorney', u'office', u'civil', u'crimes', u'private', u'evidence', u'high', u'authorities', u'officials', u'agents']", "20: [u'heart', u'help', u'cdc', u'tea', u'high', u'foods', u'organic', u'acid', u'children', u'mercury']", "21: [u'em', u'office', u'voters', u'results', u'flip', u'states', u'officials', u'election', u'vote', u'ballot']", "22: [u'control', u'help', u'process', u'mind', u'community', u'individual', u'simply', u'personal', u'human', u'sense']", "23: [u'coup', u'think', u'clinton', u'intelligence', u'washington', u'states', u'middle', u'president', u'crimea', u'regime']", "24: [u'amendment', u'supreme', u'work', u'office', u'senate', u'house', u'national', u'executive', u'washington', u'america']", "25: [u'disclosure', u'0', u'founder', u'egypt', u'intelligence', u'metals', u'evidence', u'alien', u'eddie', u'video']", "26: [u'clinton', u'trump', u'campaign', u'voters', u'win', u'national', u'elections', u'states', u'donald', u'americans']", "27: [u'money', u'council', u'campaign', u'intelligence', u'africa', u'assange', u'states', u'middle', u'embassy', u'human']", "28: [u'retired', u'ron', u'house', u'mike', u'd', u'biden', u'americans', u'tea', u'paul', u'crisis']", "29: [u'financial', u'gold', u'wall', u'money', u'global', u'dollar', u'private', u'trade', u'currency', u'economic']", "30: [u'aliens', u'surface', u'years', u'discovered', u'paper', u'sea', u'quantum', u'earth', u'mins', u'film']", "31: [u'control', u'right', u'national', u'global', u'years', u'states', u'society', u'economic', u'anti', u'politics']", "32: [u'shot', u'crimes', u'dead', u'officers', u'woman', u'year', u'claimed', u'home', u'shooting', u'children']", "33: [u'humanitarian', u'rebels', u'terrorists', u'al', u'middle', u'fighters', u'qaeda', u'mosul', u'led', u'syrian']", "34: [u'old', u'family', u'father', u'halloween', u'son', u'video', u'female', u'year', u'home', u'girl']", "35: [u'son', u'catholics', u'generation', u'mosque', u'pot', u'marijuana', u'rest', u'jesus', u'human', u'use']" ], "type": "scatter", "x": [ -0.06122496905473652, -0.26718421567497197, -0.1841564590463138, 0.3510584345324244, 0.43802186839111196, 0.01290106580323691, 0.17449546855303058, 0.06196663482733402, -0.11622893585542299, -0.06501614640338653, -0.09611481046422145, 0.8369770354079769, 0.010503285532920573, -0.43008653040166955, 0.07190163137514313, 0.36205329990277496, 0.24519360796427023, -0.8927064187103969, -0.02864330841050903, -0.20977993697430633, 0.14463981663200814, -0.1323177073068973, -0.018825331181116907, -0.07419595477968577, 0.3532472077807258, 0.027079556028269464, 0.18788542568208302, -0.10494699602325669, -0.14345827473907477, -0.6105382217613995, -0.10166913546519371, 0.09826085942907795, 0.019045015879779865, 0.1451519936058598, -0.0032888550754690015 ], "y": [ 0.05813621730871762, -0.012424101500786142, -0.21204329755664703, 0.27128883241568325, -0.9940104742444628, 0.2112782153424959, 0.14634830709177238, 0.16122602404073128, 0.1201569376072126, 0.015956178600784587, -0.011214061625963875, 0.666424446673233, 0.036630679155241715, -0.008545451431550591, 0.07649163468456002, 0.04342036672345108, 0.10198079573329479, -0.5736279335115572, 0.09499781410584422, 0.022439984346883164, 0.06653938203244116, -0.0545662393627611, 0.001807526925304857, 0.09465872164886598, -0.0956502987712455, -0.0073941102689550715, 0.026464430790318093, 0.2861460249820521, 0.020839562525054492, -0.020383345968689223, -0.06904499947875392, 0.14323526195653655, 0.1089271942075265, 0.2835097748233655, -1 ] } ], "layout": { "hovermode": "closest", "showlegend": false, "xaxis": { "showgrid": true, "showticklabels": true, "zeroline": false }, "yaxis": { "showgrid": true, "showticklabels": true, "zeroline": false } } }, "text/html": [ "
" ], "text/vnd.plotly.v1+html": [ "
" ] }, "metadata": {}, "output_type": "display_data" } ], "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": {}, "outputs": [ { "data": { "application/vnd.plotly.v1+json": { "data": [ { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'coup', u'peace', u'shot', u'citizenry', u'maduro', u'teams', u'actions', u'cross', u'seen', u'unrest']", [], [], "[u'monte', u'sprayed', u'shot', u'they', u'corps', u'september', u'sound', u'jurisdiction', u'resistance', u'sites']" ], "type": "scatter", "x": [ 85, 85, 95, 95 ], "xaxis": "x", "y": [ 0, 0.5239915229525761, 0.5239915229525761, 0 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'atmosphere', u'stores', u'help', u'caused', u'magnetic', u'major', u'produce', u'years', u'product', u'baby']", [], [], "[u'all', u'influenza', u'help', u'cdc', u'biological', u'caused', u'child', u'results', u'dose', u'brain']" ], "type": "scatter", "x": [ 145, 145, 155, 155 ], "xaxis": "x", "y": [ 0, 0.4952833500135926, 0.4952833500135926, 0 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'passed', u'rifles', u'tactics', u'office', u'violation', u'issued', u'obtain', u'actions', u'years', u'sources']", [], [], "[u'affair', u'thomas', u'responsible', u'shot', u'office', u'sentence', u'september', u'issued', u'agreed', u'child']" ], "type": "scatter", "x": [ 205, 205, 215, 215 ], "xaxis": "x", "y": [ 0, 0.4842267300317968, 0.4842267300317968, 0 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(61,153,112)" }, "mode": "lines", "text": [ "[u'rating', u'office', u'photo', u'over', u'despite', u'results', u'years', u'course', u'protest', u'radio']", [], [], "[u'saying', u'decide', u'predicted', u'fox', u'results', u'night', u'including', u'democrats', u'committee', u'mcmullin']" ], "type": "scatter", "x": [ 245, 245, 255, 255 ], "xaxis": "x", "y": [ 0, 0.4091655719588642, 0.4091655719588642, 0 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(61,153,112)" }, "mode": "lines", "text": [ "[u'saying', u'breaking', u'office', u'watergate', u'mishandling', u'laptop', u'probe', u'actions', u'discovered', u'sources']", [], [], "+++: [u'results', u'paul', u'supporter', u'candidate', u'actually', u'barack', u'going', u'8', u'far', u'possible']
---: [u'saying', u'rating', u'month', u'unrest', u'protest', u'radio', u'democrats', u'mcmullin', u'follow', u'battleground']" ], "type": "scatter", "x": [ 235, 235, 250, 250 ], "xaxis": "x", "y": [ 0, 0.41213545918752137, 0.41213545918752137, 0.4091655719588642 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(255,65,54)" }, "mode": "lines", "text": [ "[u'operations', u'called', u'bomb', u'0', u'chinese', u'september', u'photo', u'agreed', u'global', u'spain']", [], [], "[u'coup', u'all', u'sergey', u'bomb', u'saying', u'photo', u'supported', u'repeatedly', u'soon', u'actions']" ], "type": "scatter", "x": [ 285, 285, 295, 295 ], "xaxis": "x", "y": [ 0, 0.41280889631027384, 0.41280889631027384, 0 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(255,65,54)" }, "mode": "lines", "text": [ "[u'operations', u'saying', u'peace', u'rebels', u'ambassador', u'september', u'settlements', u'years', u'held', u'fighters']", [], [], "+++: [u'bomb', u'photo', u'global', u'soon', u'years', u'including', u'cold', u'issues', u'ground', u'based']
---: [u'saying', u'all', u'chinese', u'enemy', u'agreed', u'supported', u'month', u'sergey', u'planning', u'asia']" ], "type": "scatter", "x": [ 275, 275, 290, 290 ], "xaxis": "x", "y": [ 0, 0.4337091828241252, 0.4337091828241252, 0.41280889631027384 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(35,205,205)" }, "mode": "lines", "text": [ "[u'greater', u'limited', u'help', u'lack', u'focus', u'actions', u'naturally', u'bring', u'books', u'higher']", [], [], "[u'called', u'all', u'enemy', u'hands', u'global', u'domestic', u'resistance', u'rest', u'years', u'course']" ], "type": "scatter", "x": [ 305, 305, 315, 315 ], "xaxis": "x", "y": [ 0, 0.44592943928705275, 0.44592943928705275, 0 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "+++: [u'major', u'force', u'years', u'likely', u'officials', u'anti', u'iran', u'armed', u'ground', u'united']
---: [u'saying', u'bomb', u'rebels', u'ali', u'global', u'tehran', u'qaeda', u'mosul', u'battle', u'soldiers']", [], [], "+++: [u'and', u'control', u'major', u'want', u'point', u'powerful', u'community', u'past', u'society', u'simply']
---: [u'limited', u'all', u'consider', u'global', u'resistance', u'bring', u'emotions', u'follow', u'meditation', u'research']" ], "type": "scatter", "x": [ 282.5, 282.5, 310, 310 ], "xaxis": "x", "y": [ 0.4337091828241252, 0.46861372445664873, 0.46861372445664873, 0.44592943928705275 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'operations', u'all', u'soros', u'office', u'money', u'meetings', u'executive', u'insider', u'years', u'founded']", [], [], "+++: [u'major', u'us']
---: [u'control', u'point', u'powerful', u'community', u'years', u'course', u'simply', u'human', u'fear', u'armed']" ], "type": "scatter", "x": [ 265, 265, 296.25, 296.25 ], "xaxis": "x", "y": [ 0, 0.4806143422338316, 0.4806143422338316, 0.46861372445664873 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "+++: [u'says', u'campaign', u'point', u'house', u'in', u'washington', u'likely', u'street', u'election', u'year']
---: [u'saying', u'watergate', u'mishandling', u'probe', u'results', u'discovered', u'obstruction', u'manager', u'democrats', u'aides']", [], [], "+++: []
---: [u'operations', u'all', u'responsible', u'office', u'money', u'meetings', u'executive', u'raised', u'years', u'founded']" ], "type": "scatter", "x": [ 242.5, 242.5, 280.625, 280.625 ], "xaxis": "x", "y": [ 0.41213545918752137, 0.4847681088638261, 0.4847681088638261, 0.4806143422338316 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'ambassador', u'agency', u'mexican', u'help', u'office', u'diplomacy', u'money', u'executive', u'years', u'2008']", [], [], "+++: []
---: [u'says', u'nominee', u'point', u'house', u'in', u'washington', u'likely', u'street', u'election', u'year']" ], "type": "scatter", "x": [ 225, 225, 261.5625, 261.5625 ], "xaxis": "x", "y": [ 0, 0.4848588855404342, 0.4848588855404342, 0.4847681088638261 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "+++: [u'and', u'attorney', u'ordered', u'office', u'judge', u'issued', u'national', u'crimes', u'authorities', u'actions']
---: [u'affair', u'thomas', u'shot', u'violation', u'agreed', u'allegations', u'month', u'discovered', u'rifles', u'gang']", [], [], "+++: []
---: [u'ambassador', u'code', u'mexican', u'help', u'office', u'diplomacy', u'money', u'executive', u'years', u'supreme']" ], "type": "scatter", "x": [ 210, 210, 243.28125, 243.28125 ], "xaxis": "x", "y": [ 0.4842267300317968, 0.49484305255926003, 0.49484305255926003, 0.4848588855404342 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'saying', u'all', u'help', u'money', u'hands', u'soon', u'rest', u'years', u'course', u'looks']", [], [], "+++: []
---: [u'and', u'asked', u'attorney', u'ordered', u'family', u'judge', u'issued', u'national', u'crimes', u'actions']" ], "type": "scatter", "x": [ 195, 195, 226.640625, 226.640625 ], "xaxis": "x", "y": [ 0, 0.500953938948598, 0.500953938948598, 0.49484305255926003 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'sector', u'bull', u'gold', u'unemployment', u'money', u'global', u'dollar', u'trade', u'paper', u'businesses']", [], [], "+++: []
---: [u'saying', u'all', u'help', u'money', u'able', u'soon', u'rest', u'years', u'course', u'looks']" ], "type": "scatter", "x": [ 185, 185, 210.8203125, 210.8203125 ], "xaxis": "x", "y": [ 0, 0.5090095510485566, 0.5090095510485566, 0.500953938948598 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'gdp', u'proceeds', u'september', u'42', u'global', u'wednesday', u'results', u'years', u'leads', u'batteries']", [], [], "+++: []
---: [u'sector', u'manufacturing', u'chinese', u'unemployment', u'money', u'global', u'dollar', u'trade', u'paper', u'businesses']" ], "type": "scatter", "x": [ 175, 175, 197.91015625, 197.91015625 ], "xaxis": "x", "y": [ 0, 0.5114472916005423, 0.5114472916005423, 0.5090095510485566 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'saying', u'neighborhood', u'answering', u'shot', u'help', u'photo', u'celebrities', u'years', u'seen', u'performance']", [], [], "+++: []
---: [u'gdp', u'september', u'percent', u'global', u'43', u'results', u'years', u'leads', u'batteries', u'including']" ], "type": "scatter", "x": [ 165, 165, 186.455078125, 186.455078125 ], "xaxis": "x", "y": [ 0, 0.5123688748079201, 0.5123688748079201, 0.5114472916005423 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "+++: [u'heavy', u'available', u'associated', u'help', u'cancer', u'caused', u'reduce', u'plant', u'evidence', u'high']
---: [u'wild', u'all', u'influenza', u'sci', u'phenomenon', u'cdc', u'magnetic', u'results', u'produce', u'sleep']", [], [], "+++: []
---: [u'saying', u'breaking', u'shot', u'help', u'photo', u'child', u'celebrities', u'years', u'costume', u'victim']" ], "type": "scatter", "x": [ 150, 150, 175.7275390625, 175.7275390625 ], "xaxis": "x", "y": [ 0.4952833500135926, 0.527410482799219, 0.527410482799219, 0.5123688748079201 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'stones', u'atmosphere', u'concept', u'evidence', u'consciousness', u'being', u'global', u'souls', u'years', u'held']", [], [], "+++: []
---: [u'heavy', u'body', u'associated', u'help', u'cancer', u'caused', u'reduce', u'product', u'evidence', u'high']" ], "type": "scatter", "x": [ 135, 135, 162.86376953125, 162.86376953125 ], "xaxis": "x", "y": [ 0, 0.5298682068894442, 0.5298682068894442, 0.527410482799219 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'forced', u'played', u'chinese', u'german', u'2005', u'supported', u'rest', u'years', u'course', u'cambridge']", [], [], "+++: []
---: [u'stones', u'called', u'atmosphere', u'concept', u'pope', u'being', u'global', u'souls', u'years', u'held']" ], "type": "scatter", "x": [ 125, 125, 148.931884765625, 148.931884765625 ], "xaxis": "x", "y": [ 0, 0.5358130859045249, 0.5358130859045249, 0.5298682068894442 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'jihadist', u'acts', u'particularly', u'cheese', u'money', u'half', u'month', u'sources', u'embassy', u'including']", [], [], "+++: []
---: [u'called', u'chinese', u'german', u'supported', u'rest', u'years', u'course', u'aoun', u'london', u'hungary']" ], "type": "scatter", "x": [ 115, 115, 136.9659423828125, 136.9659423828125 ], "xaxis": "x", "y": [ 0, 0.5368743566366792, 0.5368743566366792, 0.5358130859045249 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'watergate', u'thomas', u'impression', u'kkk', u'stephens', u'show', u'rapture', u'photo', u'for', u'sexist']", [], [], "+++: []
---: [u'called', u'responsible', u'particularly', u'libyan', u'sales', u'money', u'supported', u'terrorist', u'month', u'sources']" ], "type": "scatter", "x": [ 105, 105, 125.98297119140625, 125.98297119140625 ], "xaxis": "x", "y": [ 0, 0.5405631185995701, 0.5405631185995701, 0.5368743566366792 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "+++: [u'the', u'set', u'shot', u'national', u'activists', u'site', u'officers', u'authorities', u'fires', u'seen']
---: [u'monte', u'homes', u'corps', u'hurricane', u'jurisdiction', u'resistance', u'eminent', u'unrest', u'farms', u'mile']", [], [], "+++: []
---: [u'watergate', u'thomas', u'kkk', u'stephens', u'impression', u'rapture', u'photo', u'morons', u'sexist', u'years']" ], "type": "scatter", "x": [ 90, 90, 115.49148559570312, 115.49148559570312 ], "xaxis": "x", "y": [ 0.5239915229525761, 0.5407990711594035, 0.5407990711594035, 0.5405631185995701 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'credible', u'arnaldo', u'code', u'help', u'founder', u'exclusive', u'series', u'global', u'design', u'gavin']", [], [], "[u'saying', u'answers', u'liar', u'opinions', u'photo', u'reporters', u'networks', u'sources', u'paper', u'scott']" ], "type": "scatter", "x": [ 335, 335, 345, 345 ], "xaxis": "x", "y": [ 0, 0.5241246859656508, 0.5241246859656508, 0 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'longer', u'nc', u'office', u'switched', u'september', u'pros', u'copy', u'neilson', u'results', u'technicians']", [], [], "+++: [u'comment', u'google', u'videos', u'appeared', u'series', u'twitter', u'share', u'subscribe', u'video', u'article']
---: [u'saying', u'code', u'liar', u'forget', u'founder', u'exclusive', u'dear', u'global', u'danney', u'solutions']" ], "type": "scatter", "x": [ 325, 325, 340, 340 ], "xaxis": "x", "y": [ 0, 0.5477582438343798, 0.5477582438343798, 0.5241246859656508 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "+++: []
---: [u'set', u'shot', u'national', u'activists', u'site', u'officers', u'communities', u'fires', u'seen', u'protests']", [], [], "+++: [u'comment', u'use', u'mainstream', u'media', u'comments', u'1', u'2', u'radio', u'editor', u'news']
---: [u'45', u'office', u'switched', u'september', u'electoral', u'neilson', u'results', u'technicians', u'years', u'held']" ], "type": "scatter", "x": [ 102.74574279785156, 102.74574279785156, 332.5, 332.5 ], "xaxis": "x", "y": [ 0.5407990711594035, 0.555896060550066, 0.555896060550066, 0.5477582438343798 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'planetary', u'code', u'closely', u'producer', u'photo', u'astronomical', u'queen', u'confirm', u'years', u'discovered']", [], [], "+++: []
---: [u'comment', u'use', u'mainstream', u'media', u'comments', u'1', u'2', u'radio', u'editor', u'article']" ], "type": "scatter", "x": [ 75, 75, 217.62287139892578, 217.62287139892578 ], "xaxis": "x", "y": [ 0, 0.5561728330392073, 0.5561728330392073, 0.555896060550066 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'coup', u'checkpoints', u'wakingtimes', u'paragraph', u'jonsdottir', u'knowingly', u'ended', u'lands', u'including', u'parks']", [], [], "+++: []
---: [u'science', u'planetary', u'code', u'closely', u'producer', u'photo', u'astronomical', u'queen', u'soon', u'years']" ], "type": "scatter", "x": [ 65, 65, 146.3114356994629, 146.3114356994629 ], "xaxis": "x", "y": [ 0, 0.5564856128519003, 0.5564856128519003, 0.5561728330392073 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'morsi', u'phenomenon', u'founder', u'caused', u'labeled', u'mission', u'actress', u'years', u'alien', u'report']", [], [], "+++: []
---: [u'coup', u'checkpoints', u'wakingtimes', u'weapons', u'jonsdottir', u'ended', u'keystone', u'including', u'1962', u'nevada']" ], "type": "scatter", "x": [ 55, 55, 105.65571784973145, 105.65571784973145 ], "xaxis": "x", "y": [ 0, 0.5704763562651556, 0.5704763562651556, 0.5564856128519003 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'1st', u'now', u'jason', u'help', u'ron', u'demand', u'caused', u'executive', u'dollar', u'damage']", [], [], "+++: []
---: [u'phenomenon', u'founder', u'caused', u'mission', u'actress', u'years', u'alien', u'report', u'bright', u'swedish']" ], "type": "scatter", "x": [ 45, 45, 80.32785892486572, 80.32785892486572 ], "xaxis": "x", "y": [ 0, 0.5726519085057408, 0.5726519085057408, 0.5704763562651556 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'represent', u'thomas', u'words', u'founder', u'produces', u'rev', u'authors', u'unseen', u'infant', u'rest']", [], [], "+++: []
---: [u'now', u'breaking', u'jason', u'help', u'ron', u'caused', u'executive', u'dollar', u'proposes', u'executes']" ], "type": "scatter", "x": [ 35, 35, 62.66392946243286, 62.66392946243286 ], "xaxis": "x", "y": [ 0, 0.5985741306483363, 0.5985741306483363, 0.5726519085057408 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'perspective', u'imploding', u'colleges', u'help', u'founder', u'text', u'rob', u'results', u'bookmark', u'professors']", [], [], "+++: []
---: [u'represent', u'thomas', u'birth', u'founder', u'produces', u'child', u'unseen', u'infant', u'rest', u'years']" ], "type": "scatter", "x": [ 25, 25, 48.83196473121643, 48.83196473121643 ], "xaxis": "x", "y": [ 0, 0.6044867266886239, 0.6044867266886239, 0.5985741306483363 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'rtd', u'thomas', u'shot', u'pti', u'sergei', u'ndtv', u'caused', u'kejriwal', u'gun', u'laura']", [], [], "+++: []
---: [u'imploding', u'colleges', u'help', u'founder', u'text', u'rob', u'results', u'professors', u'facilities', u'spaces']" ], "type": "scatter", "x": [ 15, 15, 36.915982365608215, 36.915982365608215 ], "xaxis": "x", "y": [ 0, 0.6092748581752581, 0.6092748581752581, 0.6044867266886239 ], "yaxis": "y" }, { "hoverinfo": "text", "marker": { "color": "rgb(0,116,217)" }, "mode": "lines", "text": [ "[u'urinary', u'fungal', u'molecule', u'facial', u'tincture', u'ginseng', u'sciencedaily', u'zen', u'powders', u'narcotic']", [], [], "+++: []
---: [u'rtd', u'thomas', u'shot', u'pti', u'sergei', u'ndtv', u'caused', u'kejriwal', u'officers', u'laura']" ], "type": "scatter", "x": [ 5, 5, 25.957991182804108, 25.957991182804108 ], "xaxis": "x", "y": [ 0, 0.6439303839488679, 0.6439303839488679, 0.6092748581752581 ], "yaxis": "y" } ], "layout": { "autosize": false, "height": 600, "hovermode": "closest", "showlegend": false, "width": 1000, "xaxis": { "mirror": "allticks", "rangemode": "tozero", "showgrid": false, "showline": true, "showticklabels": true, "tickmode": "array", "ticks": "outside", "ticktext": [ 5, 12, 18, 35, 28, 25, 16, 30, 6, 8, 17, 27, 9, 2, 14, 20, 34, 10, 29, 3, 19, 32, 24, 13, 15, 26, 11, 33, 1, 23, 22, 31, 21, 4, 7 ], "tickvals": [ 5, 15, 25, 35, 45, 55, 65, 75, 85, 95, 105, 115, 125, 135, 145, 155, 165, 175, 185, 195, 205, 215, 225, 235, 245, 255, 265, 275, 285, 295, 305, 315, 325, 335, 345 ], "type": "linear", "zeroline": false }, "yaxis": { "mirror": "allticks", "rangemode": "tozero", "showgrid": false, "showline": true, "showticklabels": true, "ticks": "outside", "type": "linear", "zeroline": false } } }, "text/html": [ "
" ], "text/vnd.plotly.v1+html": [ "
" ] }, "metadata": {}, "output_type": "display_data" } ], "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", "# define method for distance calculation in clusters\n", "linkagefun=lambda x: sch.linkage(x, 'single')\n", "\n", "# calculate text annotations\n", "def text_annotation(topic_dist, topic_terms, n_ann_terms, linkagefun):\n", " # get dendrogram hierarchy data\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, linkagefun)\n", "\n", "# Plot dendrogram\n", "dendro = ff.create_dendrogram(topic_dist, distfun=js_dist, labels=range(1, 36), linkagefun=linkagefun, hovertext=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 2", "language": "python", "name": "python2" }, "language_info": { "codemirror_mode": { "name": "ipython", "version": 2 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython2", "version": "2.7.13" } }, "nbformat": 4, "nbformat_minor": 2 }