{ "cells": [ { "cell_type": "markdown", "metadata": {}, "source": [ "# Visualizing Topic clusters\n", "\n", "In this notebook, we will learn how to visualize topic clusters using dendrogram. Dendrogram is a tree-structured graph which can be used to visualize the result of a hierarchical clustering calculation. Hierarchical clustering puts individual data points into similarity groups, without prior knowledge of groups. We can use it to explore the topic models and see how the topics are connected to each other in a sequence of successive fusions or divisions that occur in the clustering process." ] }, { "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": [ { "data": { "text/html": [ "" ], "text/vnd.plotly.v1+html": [ "" ] }, "metadata": {}, "output_type": "display_data" } ], "source": [ "from gensim.models.ldamodel import LdaModel\n", "from gensim.corpora import Dictionary\n", "from gensim.parsing.preprocessing import remove_stopwords, strip_punctuation\n", "\n", "import numpy as np\n", "import pandas as pd\n", "import re\n", "\n", "import plotly.offline as py\n", "import plotly.graph_objs as go\n", "import plotly.figure_factory as ff\n", "\n", "py.init_notebook_mode()" ] }, { "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": null, "metadata": { "scrolled": false }, "outputs": [], "source": [ "lda_fake = LdaModel(corpus=corpus_fake, id2word=dictionary, num_topics=35, passes=30, 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": [ "# Basic Dendrogram\n", "\n", "Firstly, a distance matrix is calculated to store distance between every topic pair. These distances are then used ascendingly to cluster the topics together whose process is depicted by the dendrogram." ] }, { "cell_type": "code", "execution_count": 4, "metadata": { "scrolled": false }, "outputs": [], "source": [ "from gensim.matutils import jensen_shannon\n", "from scipy import spatial as scs\n", "from scipy.cluster import hierarchy as sch\n", "from scipy.spatial.distance import pdist, squareform\n", "\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 Jensen-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", " linkagefun = lambda x: sch.linkage(x, 'single')\n", " d = js_dist(topic_dist)\n", " Z = linkagefun(d)\n", " P = sch.dendrogram(Z, orientation=\"bottom\", no_plot=True)\n", "\n", " # store topic no.(leaves) corresponding to the x-ticks in dendrogram\n", " x_ticks = np.arange(5, len(P['leaves']) * 10 + 5, 10)\n", " x_topic = dict(zip(P['leaves'], x_ticks))\n", "\n", " # store {topic no.:topic terms}\n", " topic_vals = dict()\n", " for key, val in x_topic.items():\n", " topic_vals[val] = (topic_terms[key], topic_terms[key])\n", "\n", " text_annotations = []\n", " # loop through every trace (scatter plot) in dendrogram\n", " for trace in P['icoord']:\n", " fst_topic = topic_vals[trace[0]]\n", " scnd_topic = topic_vals[trace[2]]\n", " \n", " # annotation for two ends of current trace\n", " pos_tokens_t1 = list(fst_topic[0])[:min(len(fst_topic[0]), n_ann_terms)]\n", " neg_tokens_t1 = list(fst_topic[1])[:min(len(fst_topic[1]), n_ann_terms)]\n", "\n", " pos_tokens_t4 = list(scnd_topic[0])[:min(len(scnd_topic[0]), n_ann_terms)]\n", " neg_tokens_t4 = list(scnd_topic[1])[:min(len(scnd_topic[1]), n_ann_terms)]\n", "\n", " t1 = \"
\".join((\": \".join((\"+++\", str(pos_tokens_t1))), \": \".join((\"---\", str(neg_tokens_t1)))))\n", " t2 = t3 = ()\n", " t4 = \"
\".join((\": \".join((\"+++\", str(pos_tokens_t4))), \": \".join((\"---\", str(neg_tokens_t4)))))\n", "\n", " # show topic terms in leaves\n", " if trace[0] in x_ticks:\n", " t1 = str(list(topic_vals[trace[0]][0])[:n_ann_terms])\n", " if trace[2] in x_ticks:\n", " t4 = str(list(topic_vals[trace[2]][0])[:n_ann_terms])\n", "\n", " text_annotations.append([t1, t2, t3, t4])\n", "\n", " # calculate intersecting/diff for upper level\n", " intersecting = fst_topic[0] & scnd_topic[0]\n", " different = fst_topic[0].symmetric_difference(scnd_topic[0])\n", "\n", " center = (trace[0] + trace[2]) / 2\n", " topic_vals[center] = (intersecting, different)\n", "\n", " # remove trace value after it is annotated\n", " topic_vals.pop(trace[0], None)\n", " topic_vals.pop(trace[2], None) \n", " \n", " return text_annotations" ] }, { "cell_type": "code", "execution_count": 5, "metadata": { "scrolled": false }, "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": [ "# 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": [ "The x-axis or the leaves of hierarchy represent the topics of our LDA model, y-axis is a measure of closeness of either individual topics or their cluster. Essentially, the y-axis level at which the branches merge (relative to the \"root\" of the tree) is related to their similarity. For ex., topic 4 and 30 are more similar to each other than to topic 32. In addition, topic 18 and 24 are more similar to 35 than topic 4 and 30 are to topic 32 as the height on which they merge is lower than the merge height of 4/30 to 32.\n", "\n", "Text annotations visible on hovering over the cluster nodes show the intersecting/different terms of it's two child nodes. Cluster node on first hierarchy level uses the topics on leaves directly to calculate intersecting/different terms, and the upper nodes assume the intersection(+++) as the topic terms of it's child node.\n", "\n", "This type of tree graph could help us see the high level cluster theme that might exist in our data as we can see the common/different terms of combined topics in a cluster head annotation." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Dendrogram with a Heatmap\n", "\n", "Now lets append the distance matrix of the topics below the dendrogram in form of heatmap so that we can see the exact distances between all pair of topics." ] }, { "cell_type": "code", "execution_count": 6, "metadata": {}, "outputs": [], "source": [ "# get text annotations\n", "annotation = text_annotation(topic_dist, topic_terms, n_ann_terms, linkagefun)\n", "\n", "# Initialize figure by creating upper dendrogram\n", "figure = ff.create_dendrogram(topic_dist, distfun=js_dist, labels=range(1, 36), linkagefun=linkagefun, hovertext=annotation)\n", "for i in range(len(figure['data'])):\n", " figure['data'][i]['yaxis'] = 'y2'" ] }, { "cell_type": "code", "execution_count": 7, "metadata": {}, "outputs": [], "source": [ "# get distance matrix and it's topic annotations\n", "mdiff, annotation = lda_fake.diff(lda_fake, distance=\"jensen_shannon\", normed=False)\n", "\n", "# get reordered topic list\n", "dendro_leaves = figure['layout']['xaxis']['ticktext']\n", "dendro_leaves = [x - 1 for x in dendro_leaves]\n", "\n", "# reorder distance matrix\n", "heat_data = mdiff[dendro_leaves, :]\n", "heat_data = heat_data[:, dendro_leaves]" ] }, { "cell_type": "code", "execution_count": 8, "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "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": "y2" }, { "colorscale": "YIGnBu", "hoverinfo": "x+y+z+text", "text": [ [ "+++ operations, chinese, including, japan, group, ships, nato, systems, east, norway
--- ", "+++ world, the, peace, us, long
--- pope, global, souls, earth, fear, religious, chinese, lord, thousands, regional", "+++ world, us, long, country
--- saying, all, chinese, trying, going, do, regional, stop, coast, joint", "+++ news, use, october
--- code, chinese, follow, trunews, access, tv, 0, regional, coast, joint", "+++ force
--- fungal, chinese, ginseng, mild, ingredient, activation, regional, coast, joint, countries", "+++ group, government, country, peace, according, attack, anti, security, the
--- chinese, protest, riots, black, thousands, protestors, cannon, regional, stop, coast", "+++ news, the, anti, meeting, told
--- saying, chinese, debate, tv, tweet, mainstream, regional, watch, coast, joint", "+++ october, north, region, according, pacific, coast, states, near, u, news
--- corps, mile, ground, partners, chinese, sheriff, state, thursday, wood, local", "+++ europe, eastern, united, chinese, countries, country, government, asia, states, china
--- german, hungary, paris, communist, far, merkel, regional, coast, joint, prime", "+++ october, according, u, news, world, the, south
--- chinese, global, month, state, 0, 8, posted, oct, far, regional", "+++ operations, group, government, general, including, president, the
--- all, chinese, staff, access, writes, wmw, to, include, activities, far", "+++ october, force, air, near, minister, military, general
--- rtd, chinese, battle, soldiers, tweet, thursday, posted, veterans, hit, regional", "+++ use, october, washington, according, long, general, officials, president, news, the
--- chinese, probe, discovered, staff, justice, huma, sent, regional, coast, joint", "+++ use, air, however, long, according
--- atmosphere, chinese, caused, magnetic, produce, earth, cell, electricity, environment, risk", "+++ united, country, washington, possible, long, states, anti, president, world
--- chinese, tweeted, supporter, certainly, going, 8, obama, hope, regional, coast", "+++ group, government, long, defense, u, security
--- chinese, wakingtimes, jury, nevada, occupation, edward, fossil, torture, regional, bear", "+++ october, iran, peace, however, u, president, news, war, south
--- stephens, sexist, talks, alt, hate, chinese, bush, black, case, regional", "+++ use
--- chinese, text, results, children, formating, appears, send, meant, regional, coast", "+++ use, force, government, however, according, states, officials, including, close, security
--- evidence, chinese, violation, issued, sheriff, justice, crime, going, local, activities", "+++ anti, use, including
--- chinese, cdc, results, skin, children, vaccines, sugar, helps, risk, regional", "+++ country, according, states, officials, u, news, the, told
--- chinese, switched, global, results, votes, voter, going, tape, voted, 8", "+++ world, use, possible, long, however
--- consider, chinese, focus, issues, current, based, knowledge, means, regional, coast", "+++ force, washington, general, states, world, united, nuclear, eastern, relations, attack
--- operations, coup, invasion, alliance, clinton, chinese, presence, neocon, ships, strategic", "+++ united, group, government, country, washington, foreign, states, defense, u, president
--- chinese, issues, judges, justice, program, creamer, congressional, cuba, regional, coast", "+++ world, group, according, threat, told
--- phenomenon, founder, alien, chinese, extraterrestrial, tv, 0, extraterrestrials, egyptian, regional", "+++ north, washington, according, states, president, news, secretary, told
--- chinese, results, democrats, debate, votes, candidates, carolina, michigan, regional, coast", "+++ states, united, group, u, countries, country, region, government, foreign, weapons
--- particularly, chinese, gulf, regional, coast, joint, despite, report, governments, saudi", "+++ news, the, us, long, air
--- ron, lack, chinese, jay, obamacare, brown, regional, coast, joint, worst", "+++ chinese, countries, government, long, china, news, world, u
--- sector, gold, global, dollar, weapons, treasury, street, regional, coast, joint", "+++ australia, however, long, according, near, sea, ship, the, south
--- planetary, chinese, queen, discovered, earth, explain, black, regional, coast, famous", "+++ president, nations, anti, countries, country, government, peace, long, foreign, states
--- chinese, global, justice, black, mainstream, far, regional, coast, joint, trade", "+++ according, attack, officials, news, the, told
--- shot, chinese, allegations, gang, children, suicide, crime, black, woman, regional", "+++ operations, including, group, troops, government, weapons, attack, forces, international, east
--- alliance, rebels, campaign, terrorists, washington, strategic, held, fighters, qaeda, situation", "+++ october, told
--- shot, chinese, children, father, young, foster, local, wearing, woman, regional", "+++ states, use, the
--- founder, children, chinese, father, garden, regional, coast, joint, evolution, heaven" ], [ "+++ world, the, peace, us, long
--- chinese, global, souls, earth, fear, religious, pope, lord, thousands, regional", "+++ pope, global, souls, human, existence, fear, religious, death, consciousness, source
--- ", "+++ great, right, end, point, away, life, long, live, us, world
--- saying, all, pope, global, souls, earth, fear, religious, knowledge, re", "+++ source, today
--- code, pope, global, souls, follow, fear, religious, trunews, knowledge, tv", "+++ source, state, mind, life, free
--- fungal, pope, ginseng, global, souls, mild, hai, earth, fear, religious", "+++ thousands, peace, state, the, come, day
--- pope, global, souls, protest, earth, fear, religious, trying, knowledge, riots", "+++ the, day, truth, times
--- saying, pope, global, souls, earth, fear, religious, debate, knowledge, tv", "+++ energy, land, state, sacred
--- corps, global, souls, mile, earth, fear, religious, ground, partners, knowledge", "+++ great, death, fact, world, the, called, today, history
--- chinese, german, global, souls, hungary, fear, religious, pope, paris, lord", "+++ end, point, global, times, state, world, the, day, today
--- pope, souls, month, earth, fear, religious, knowledge, 0, 8, posted", "+++ control, times, source, state, the, order, called, fact
--- all, pope, global, souls, earth, fear, religious, staff, consciousness, writes", "+++ day
--- rtd, pope, global, souls, battle, earth, fear, religious, knowledge, tweet", "+++ source, state, the, long
--- pope, probe, souls, discovered, earth, fear, religious, staff, knowledge, justice", "+++ body, natural, power, nature, light, energy, long, source, human, earth
--- atmosphere, pope, caused, magnetic, global, souls, fear, research, religious, knowledge", "+++ great, right, long, called, world, man, day, today, history
--- pope, global, souls, earth, fear, tweeted, religious, supporter, certainly, knowledge", "+++ control, death, natural, power, secret, long, state, land, free, instead
--- pope, wakingtimes, global, souls, earth, fear, nevada, religious, occupation, knowledge", "+++ peace, times, secret, race, truth, man, book, history
--- stephens, global, souls, sexist, talks, earth, alt, hate, pope, bush", "+++ culture, live
--- pope, text, global, results, earth, fear, religious, children, formating, knowledge", "+++ control, state, secret, order
--- pope, violation, issued, global, souls, earth, fear, religious, consciousness, sheriff", "+++ body, heart, great, natural, day
--- pope, cdc, global, results, skin, earth, fear, research, religious, children", "+++ right, global, state, the, believe, day
--- pope, switched, results, earth, fear, religious, votes, voter, consciousness, re", "+++ control, life, knowledge, power, point, self, mind, free, reality, society
--- consider, pope, global, focus, earth, fear, creative, religious, issues, based", "+++ end, power, us, order, state, world, the, called
--- pope, global, souls, earth, fear, religious, knowledge, zone, turkish, bush", "+++ state, right, the
--- pope, global, souls, earth, fear, religious, issues, judges, knowledge, justice", "+++ world, secret, history, source
--- phenomenon, founder, global, souls, alien, earth, fear, research, religious, pope", "+++ state, race, day, fact, point
--- pope, global, results, democrats, earth, fear, religious, debate, votes, knowledge", "+++ world, state, called, human
--- particularly, pope, global, souls, earth, fear, religious, knowledge, gulf, hayden", "+++ right, us, away, long, live, free, the, come, order
--- ron, lack, souls, earth, fear, religious, pope, jay, obamacare, lord", "+++ global, long, state, free, world, higher
--- sector, gold, dollar, souls, earth, fear, religious, chinese, treasury, lord", "+++ ancient, light, long, source, earth, the, called
--- planetary, pope, queen, souls, discovered, fear, religious, knowledge, explain, black", "+++ control, right, end, us, power, freedom, self, global, peace, free
--- pope, souls, earth, fear, religious, knowledge, justice, true, black, lord", "+++ life, death, men, times, state, the, called, man
--- shot, pope, global, allegations, souls, gang, earth, fear, religious, children", "+++ state, the, us
--- rebels, pope, global, souls, qaeda, mosul, battle, soldiers, fear, religious", "+++ life, love, away, men, born, day, man
--- shot, pope, global, souls, earth, fear, religious, children, knowledge, father", "+++ faith, death, humans, jesus, book, human, the
--- founder, global, souls, earth, fear, religious, children, pope, cannabis, father" ], [ "+++ world, us, long, country
--- saying, all, chinese, one, believe, going, do, regional, stop, coast", "+++ great, right, end, point, away, life, long, live, us, world
--- saying, all, pope, global, souls, earth, fear, religious, knowledge, religion", "+++ saying, all, years, course, yes, believe, ll, actually, better, going
--- ", "+++ you
--- saying, all, code, follow, trunews, trying, tv, 0, going, posted", "+++ and, life
--- saying, all, fungal, ginseng, mild, trying, cannabis, going, rahul, ingredient", "+++ country, stop, in, trying, come, day
--- saying, all, protest, riots, going, black, thousands, protestors, town, cannon", "+++ real, saying, day, talk
--- all, debate, trying, tv, tweet, going, posted, do, mainstream, watch", "+++ says, we, stop
--- saying, all, corps, mile, ground, partners, trying, sheriff, state, thursday", "+++ and, them, says, country, great, world
--- saying, all, chinese, german, hungary, trying, paris, going, communist, he", "+++ says, end, point, years, world, day
--- saying, all, global, month, trying, state, 0, going, 8, he", "+++ real, and, all, big, work, years, in
--- saying, staff, trying, writes, wmw, to, going, include, activities, far", "+++ m, day
--- rtd, all, saying, battle, soldiers, trying, tweet, thursday, going, rss", "+++ i, know, long
--- saying, all, probe, discovered, staff, believe, justice, going, huma, sent", "+++ long, years
--- saying, atmosphere, caused, magnetic, all, earth, trying, electricity, environment, going", "+++ again, great, right, says, i, things, this, country, m, long
--- saying, all, tweeted, supporter, certainly, believe, 8, hope, do, stop", "+++ and, long
--- saying, all, wakingtimes, nevada, occupation, trying, edward, bundy, do, torture", "+++ didn, good, years
--- saying, all, stephens, sexist, talks, alt, hate, trying, bush, going", "+++ what, sure, want, i, better, start, live, way, in, need
--- saying, all, text, results, children, formating, trying, send, going, meant", "+++ going
--- saying, all, violation, issued, believe, sheriff, justice, crime, local, activities", "+++ great, day, best, d
--- saying, all, cdc, results, skin, children, trying, sugar, going, helps", "+++ real, think, right, says, d, i, country, years, re, going
--- saying, all, switched, global, results, votes, voter, tape, voted, 8", "+++ real, life, good, point, feel, things, work, long, one, better
--- saying, all, consider, focus, issues, believe, based, knowledge, going, do", "+++ we, end, no, country, that, us, course, so, world, think
--- saying, all, trying, zone, turkish, bush, going, obama, do, stop", "+++ we, right, d, i, country, work, one
--- saying, all, issues, judges, believe, justice, program, creamer, obama, congressional", "+++ world, years
--- saying, all, phenomenon, founder, alien, trying, extraterrestrial, tv, 0, going", "+++ person, day, point
--- saying, all, results, democrats, debate, votes, trying, going, candidates, obama", "+++ world, there, country
--- saying, all, particularly, trying, gulf, hayden, going, do, stop, despite", "+++ we, right, d, big, away, live, long, re, bad, sure
--- saying, all, ron, lack, trying, jay, obamacare, going, obama, brown", "+++ real, big, years, long, world
--- sector, saying, all, gold, global, dollar, trying, chinese, going, treasury", "+++ place, look, long, years
--- planetary, all, saying, queen, discovered, earth, trying, explain, going, black", "+++ real, and, them, right, end, country, long, years, course, so
--- saying, all, global, justice, going, black, do, mainstream, far, stop", "+++ place, life, stop, years
--- saying, all, shot, allegations, gang, children, suicide, crime, going, black", "+++ us
--- saying, all, rebels, qaeda, mosul, battle, soldiers, trying, turkish, daesh", "+++ away, says, day, life, years
--- saying, all, shot, children, believe, father, young, foster, he, local", "+++ d, years
--- saying, all, founder, children, one, believe, cannabis, father, going, do" ], [ "+++ news, use, october
--- code, chinese, follow, trunews, weapons, tv, 0, regional, coast, joint", "+++ source, today
--- code, pope, global, souls, earth, fear, religious, trunews, knowledge, tv", "+++ you
--- saying, all, code, follow, trunews, trying, tv, 0, going, he", "+++ code, help, follow, alternative, trunews, web, 26, 27, tv, 28
--- ", "+++ 10, www, http, breaking, content, source, com
--- fungal, ginseng, mild, code, hai, follow, trunews, cannabis, tv, 0", "+++ org
--- code, protest, follow, trunews, tv, riots, 0, black, thousands, protestors", "+++ comment, information, account, google, network, videos, views, tv, share, twitter
--- saying, code, follow, debate, tweet, 0, mainstream, watch, reporters, report", "+++ october, support, site, access, news, company
--- code, corps, mile, follow, trunews, ground, partners, sheriff, tv, state", "+++ news, today
--- code, chinese, german, hungary, trunews, paris, 0, communist, population, far", "+++ 10, 27, support, 1, 0, 2, news, november, october, data
--- code, global, month, follow, trunews, content, tv, state, list, 8", "+++ a, 1, e, support, internet, access, source, published, policy, post
--- all, code, follow, trunews, staff, tv, writes, wmw, to, device", "+++ a, 26, october, 2, november, posted
--- rtd, code, battle, soldiers, trunews, tv, tweet, thursday, 0, veterans", "+++ information, account, october, e, use, related, source, news, email
--- code, probe, discovered, follow, trunews, staff, justice, 0, huma, sent", "+++ device, source, use, published
--- atmosphere, code, caused, magnetic, earth, trunews, cell, electricity, environment, 0", "+++ 10, november, share, today
--- code, follow, tweeted, supporter, certainly, tv, 0, going, 8, posted", "+++ co, published
--- code, wakingtimes, follow, nevada, trunews, occupation, tv, 0, vnn, edward", "+++ news, november, october, com
--- code, stephens, sexist, talks, follow, alt, hate, trunews, tv, 0", "+++ comment, 10, use, help, 1, 2, link, a, address, post
--- code, text, results, follow, children, formating, tv, send, 0, vnn", "+++ information, phone, search, use, at
--- code, violation, issued, legal, follow, trunews, sheriff, justice, crime, 0", "+++ 1, use, 2, help
--- code, cdc, results, skin, follow, children, access, tv, sugar, 0", "+++ news, comments, posted
--- code, switched, global, results, follow, trunews, votes, voter, tv, 0", "+++ information, use, help, today, social
--- code, consider, focus, follow, trunews, issues, access, based, knowledge, tv", "+++ policy, post
--- code, follow, trunews, access, zone, turkish, tv, 0, bush, posted", "+++ policy, list
--- code, legal, follow, trunews, issues, judges, justice, 0, program, creamer", "+++ articles, source, tv, related, 0, information, data, posted
--- code, phenomenon, founder, alien, follow, trunews, extraterrestrial, extraterrestrials, egyptian, facebook", "+++ news, november, support
--- code, results, democrats, follow, debate, votes, tv, 0, candidates, obama", "+++ rt, policy, support, published
--- code, particularly, publish, follow, trunews, access, gulf, tv, 0, facebook", "+++ news, help, phone
--- code, ron, lack, follow, trunews, companies, jay, tv, obamacare, 0", "+++ policy, news, company, companies
--- sector, code, gold, global, dollar, follow, trunews, current, chinese, tv", "+++ a, source, 2
--- planetary, code, queen, discovered, earth, trunews, tv, explain, 0, black", "+++ policy, support, class, today, social
--- code, global, follow, trunews, justice, 0, black, mainstream, far, facebook", "+++ news
--- code, shot, allegations, gang, follow, children, suicide, tv, crime, 0", "+++ support, october
--- code, rebels, qaeda, mosul, battle, soldiers, trunews, weapons, turkish, tv", "+++ october, help, share, daily, social, november, posted
--- code, shot, follow, children, tv, father, young, 0, foster, local", "+++ a, use, related, author
--- code, founder, follow, children, tv, father, 0, garden, facebook, evolution" ], [ "+++ force
--- fungal, chinese, ginseng, mild, ingredient, activation, regional, coast, joint, korea", "+++ source, state, mind, life, free
--- fungal, pope, ginseng, global, souls, mild, earth, fear, religious, knowledge", "+++ and, life
--- saying, all, fungal, ginseng, mild, trying, cannabis, going, rahul, ingredient", "+++ 10, www, http, breaking, content, source, com
--- code, ginseng, mild, fungal, follow, trunews, tv, 0, rahul, ingredient", "+++ fungal, ginseng, brain, mild, folic, 25, 22, source, ims, 2015
--- ", "+++ state
--- fungal, ginseng, protest, riots, black, thousands, ingredient, cannon, activation, stop", "+++ channel, campaign
--- saying, fungal, ginseng, mild, debate, tv, tweet, rahul, ingredient, mainstream", "+++ state
--- fungal, corps, ginseng, mild, mile, ground, partners, sheriff, thursday, wood", "+++ and
--- fungal, chinese, german, mild, hungary, paris, ginseng, communist, rahul, ingredient", "+++ 2015, 25, state, 22, 10
--- fungal, ginseng, global, month, mild, increase, 0, 8, population, oct", "+++ and, source, state
--- all, fungal, ginseng, mild, staff, writes, wmw, to, include, ingredient", "+++ force
--- rtd, fungal, ginseng, mild, battle, soldiers, tweet, thursday, rahul, veterans", "+++ 2015, source, state, campaign
--- fungal, ginseng, probe, discovered, mild, staff, justice, huma, sent, ingredient", "+++ source, cells, health
--- atmosphere, fungal, ginseng, caused, magnetic, mild, earth, electricity, environment, ingredient", "+++ 10, campaign
--- fungal, ginseng, mild, tweeted, supporter, certainly, going, 8, obama, hope", "+++ and, state, free
--- fungal, ginseng, wakingtimes, mild, nevada, occupation, edward, keystone, rahul, ingredient", "+++ com
--- fungal, stephens, ginseng, sexist, mild, talks, alt, hate, bush, black", "+++ 10
--- fungal, ginseng, text, results, mild, children, formating, 3, send, ingredient", "+++ state, force
--- fungal, violation, issued, mild, sheriff, justice, crime, ginseng, going, local", "+++ brain, health
--- fungal, cdc, ginseng, results, mild, skin, children, content, 3, sugar", "+++ jones, state
--- fungal, switched, ginseng, global, results, mild, votes, voter, re, going", "+++ life, mind, free
--- fungal, consider, ginseng, focus, mild, issues, based, knowledge, ingredient, means", "+++ state, force
--- fungal, ginseng, mild, zone, turkish, bush, obama, ingredient, activation, tanks", "+++ 2015, state, health, campaign
--- fungal, ginseng, mild, issues, judges, justice, program, creamer, rahul, congressional", "+++ 2015, source, health, meat, lab
--- fungal, phenomenon, founder, ginseng, alien, mild, extraterrestrial, tv, 0, posted", "+++ state, campaign
--- fungal, ginseng, results, mild, democrats, debate, votes, candidates, rahul, ingredient", "+++ 2015, state, campaign
--- fungal, particularly, ginseng, mild, gulf, cannabis, ingredient, activation, despite, report", "+++ health, free
--- fungal, ron, ginseng, lack, mild, jay, obamacare, obama, ingredient, brown", "+++ state, free
--- sector, fungal, gold, ginseng, global, dollar, mild, content, chinese, treasury", "+++ source
--- planetary, fungal, ginseng, queen, discovered, mild, earth, explain, black, ingredient", "+++ and, state, free
--- fungal, ginseng, global, mild, justice, black, ingredient, mainstream, far, activation", "+++ state, life
--- fungal, shot, ginseng, allegations, mild, gang, children, suicide, crime, black", "+++ state, campaign
--- fungal, rebels, ginseng, mild, qaeda, mosul, battle, soldiers, turkish, iraqi", "+++ life
--- fungal, shot, ginseng, mild, children, father, young, foster, rahul, local", "+++ cannabis
--- fungal, founder, ginseng, mild, children, father, ingredient, garden, activation, evolution" ], [ "+++ group, government, country, peace, according, attack, anti, security, the
--- chinese, protest, riots, black, thousands, protestors, cannon, regional, stop, coast", "+++ thousands, peace, state, the, come, day
--- pope, global, souls, protest, earth, fear, religious, believe, knowledge, riots", "+++ country, stop, in, trying, come, day
--- saying, all, protest, riots, going, black, thousands, protestors, do, cannon", "+++ org
--- code, protest, follow, trunews, tv, riots, 0, black, thousands, protestors", "+++ state
--- fungal, ginseng, mild, riots, black, thousands, ingredient, cannon, activation, stop", "+++ soros, wednesday, protest, group, riots, black, thousands, protestors, non, government
--- ", "+++ week, the, anti, day
--- saying, protest, debate, tv, tweet, riots, black, thousands, protestors, mainstream", "+++ camp, police, riot, rights, national, activists, stop, protesters, according, state
--- corps, protest, mile, ground, partners, sheriff, thursday, riots, wood, black", "+++ city, migrants, government, country, national, the, cities
--- chinese, german, protest, hungary, paris, riots, black, communist, thousands, protestors", "+++ week, according, state, 000, home, the, day, change
--- global, month, protest, riots, 0, black, 8, posted, thousands, oct", "+++ non, set, group, government, in, state, 000, members, team, the
--- all, protest, staff, writes, wmw, riots, to, black, include, local", "+++ town, residents, national, day, wednesday
--- rtd, protest, battle, soldiers, tweet, thursday, riots, black, posted, veterans", "+++ the, state, 000, according
--- probe, discovered, protest, staff, justice, riots, black, huma, thousands, sent", "+++ food, non, california, according
--- atmosphere, caused, magnetic, protest, earth, electricity, environment, black, thousands, protestors", "+++ in, country, violence, wednesday, nation, anti, team, following, america, day
--- protest, tweeted, supporter, certainly, riots, going, black, 8, obama, thousands", "+++ group, government, national, surveillance, state, security, armed
--- wakingtimes, protest, nevada, occupation, riots, edward, black, thousands, protestors, torture", "+++ national, peace, black, george, team
--- stephens, sexist, protest, talks, alt, hate, riots, bush, thousands, protestors", "+++ community, in
--- text, results, protest, children, formating, appears, state, send, riots, black", "+++ police, government, national, rights, according, state, members, authorities, security, local
--- violation, issued, protest, sheriff, justice, crime, riots, going, black, thousands", "+++ food, anti, day
--- cdc, results, protest, skin, children, 3, sugar, riots, black, helps", "+++ country, soros, according, day, state, the, george
--- switched, global, results, protest, votes, voter, riots, going, tape, voted", "+++ home, continue, lives, community, change
--- consider, focus, protest, issues, based, knowledge, riots, black, thousands, protestors", "+++ government, country, state, attack, security, america, the, change
--- protest, zone, turkish, riots, bush, black, thousands, protestors, town, cannon", "+++ group, rights, country, national, government, nation, state, 000, california, members
--- protest, issues, judges, justice, riots, program, black, thousands, congressional, protestors", "+++ national, group, according
--- phenomenon, founder, alien, protest, extraterrestrial, tv, riots, 0, black, thousands", "+++ week, national, according, state, day, change
--- results, protest, democrats, debate, votes, riots, candidates, thousands, carolina, cannon", "+++ group, government, country, rights, state, 000, groups
--- particularly, protest, gulf, riots, black, thousands, protestors, organizations, cannon, stop", "+++ city, the, come, crisis
--- ron, lack, protest, jay, obamacare, riots, black, thousands, protestors, brown", "+++ state, crisis, government
--- sector, gold, global, dollar, protest, chinese, riots, black, treasury, thousands", "+++ the, left, black, according, team
--- planetary, queen, discovered, protest, earth, explain, riots, thousands, protestors, cannon", "+++ revolution, government, country, national, rights, peace, nation, state, black, groups
--- global, protest, trying, justice, riots, local, protestors, mainstream, far, cannon", "+++ city, police, lives, stop, according, officers, state, black, home, the
--- shot, allegations, protest, gang, children, suicide, crime, riots, thousands, protestors", "+++ city, group, groups, government, according, state, 000, opposition, security, attack
--- rebels, protest, qaeda, mosul, battle, soldiers, turkish, riots, iraqi, black", "+++ home, local, day, left
--- shot, protest, children, father, young, riots, foster, black, protestors, wearing", "+++ the, non, california, national, san
--- founder, protest, children, father, riots, black, thousands, protestors, plants, garden" ], [ "+++ news, the, anti, meeting, told
--- saying, chinese, debate, tv, tweet, mainstream, regional, watch, coast, joint", "+++ the, day, truth, times
--- saying, pope, global, souls, earth, fear, religious, debate, knowledge, tv", "+++ real, saying, day, talk
--- all, debate, trying, tv, tweet, going, he, do, mainstream, stop", "+++ comment, information, account, google, network, videos, views, tv, list, twitter
--- saying, code, follow, trunews, tweet, 0, email, mainstream, watch, reporters", "+++ channel, campaign
--- saying, fungal, ginseng, mild, hai, debate, tv, tweet, posted, ingredient", "+++ week, the, anti, day
--- saying, protest, debate, tv, tweet, riots, black, thousands, protestors, mainstream", "+++ saying, keefe, sources, scott, debate, tv, tweet, real, mainstream, views
--- ", "+++ project, news, sites
--- saying, corps, mile, debate, ground, partners, sheriff, tv, tweet, state", "+++ news, the, public, propaganda
--- saying, chinese, german, hungary, debate, paris, tweet, communist, population, mainstream", "+++ week, reported, times, p, report, news, the, posted, day, shows
--- saying, global, month, debate, tv, tweet, state, 0, 8, oct", "+++ real, the, media, published, times, project, york, internet, article, post
--- saying, all, debate, staff, tv, writes, wmw, to, include, activities", "+++ reported, tweet, p, sources, day, posted
--- rtd, saying, battle, soldiers, debate, tv, thursday, veterans, hit, mainstream", "+++ information, account, released, campaign, reported, sources, york, news, the, public
--- saying, probe, discovered, debate, staff, justice, tweet, huma, sent, mainstream", "+++ published
--- saying, atmosphere, caused, magnetic, earth, debate, electricity, tweet, environment, risk", "+++ article, share, anti, day, campaign
--- saying, tweeted, supporter, certainly, tv, tweet, going, 8, he, hope", "+++ conspiracy, published
--- saying, wakingtimes, nevada, debate, occupation, tv, tweet, edward, bundy, mainstream", "+++ story, media, times, stories, york, truth, news
--- saying, stephens, sexist, talks, alt, hate, debate, tv, tweet, bush", "+++ comment, post
--- saying, text, results, children, formating, tv, tweet, send, meant, mainstream", "+++ information, sources, reported, public, told
--- saying, violation, issued, debate, sheriff, justice, daily, tweet, crime, going", "+++ anti, day
--- saying, cdc, results, skin, children, tv, tweet, sugar, helps, posted", "+++ real, wnd, reporting, reported, press, news, the, posted, day, told
--- saying, switched, global, results, debate, votes, voter, tv, tweet, going", "+++ real, article, information, social
--- saying, consider, focus, debate, issues, based, knowledge, tv, tweet, mainstream", "+++ media, post, propaganda, the
--- saying, debate, zone, turkish, tv, tweet, bush, posted, mainstream, watch", "+++ speech, the, list, york, campaign
--- saying, debate, issues, judges, justice, tweet, program, creamer, posted, congressional", "+++ information, released, tv, reported, video, report, posted, told
--- saying, phenomenon, founder, alien, debate, extraterrestrial, tweet, 0, extraterrestrials, mainstream", "+++ week, campaign, media, day, speech, cnn, news, debate, told
--- saying, results, democrats, votes, tv, tweet, candidates, obama, carolina, mainstream", "+++ journalists, campaign, media, narrative, report, published, interview
--- saying, particularly, debate, gulf, tv, tweet, mainstream, watch, facebook, reporters", "+++ report, cnn, the, online, news
--- saying, ron, lack, debate, jay, tv, tweet, obamacare, posted, brown", "+++ real, news
--- sector, saying, gold, global, dollar, debate, chinese, tv, tweet, videos", "+++ image, the
--- planetary, saying, queen, discovered, earth, debate, tv, explain, black, mainstream", "+++ real, liberal, mainstream, media, public, anti, social, the, propaganda
--- saying, global, debate, justice, tweet, black, far, watch, facebook, reporters", "+++ story, times, reported, report, news, the, public, told
--- saying, shot, allegations, gang, children, suicide, tv, tweet, crime, black", "+++ the, campaign
--- saying, rebels, qaeda, mosul, battle, soldiers, debate, turkish, tv, tweet", "+++ story, share, daily, morning, video, social, posted, day, told
--- saying, shot, children, tv, tweet, father, young, foster, local, wearing", "+++ movie, the, youtube
--- saying, founder, children, tv, tweet, father, garden, watch, facebook, reporters" ], [ "+++ october, north, region, according, pacific, coast, states, near, u, news
--- chinese, mile, ground, weapons, corps, sheriff, 3, thursday, wood, local", "+++ energy, land, state, sacred
--- pope, global, souls, mile, earth, fear, religious, ground, partners, knowledge", "+++ says, we, stop
--- saying, all, corps, mile, ground, partners, trying, sheriff, state, thursday", "+++ october, support, site, access, news, company
--- code, corps, mile, follow, trunews, ground, partners, sheriff, tv, 3", "+++ state
--- fungal, corps, ginseng, mild, mile, ground, partners, sheriff, thursday, wood", "+++ camp, police, riot, rights, national, activists, stop, according, protesters, state
--- corps, protest, mile, ground, partners, sheriff, thursday, riots, wood, black", "+++ project, news, sites
--- saying, corps, mile, debate, ground, partners, sheriff, tv, tweet, 3", "+++ corps, september, dapl, mile, dakota, ground, partners, police, sheriff, lake
--- ", "+++ states, news, national, says
--- chinese, german, mile, hungary, ground, partners, corps, sheriff, paris, 3", "+++ october, says, september, support, 3, according, state, u, news, south
--- corps, global, month, mile, ground, partners, sheriff, thursday, 0, wood", "+++ project, support, private, access, state, line, company
--- all, corps, mile, staff, partners, sheriff, writes, wmw, thursday, to", "+++ october, army, national, reports, near, indian, thursday, line
--- rtd, corps, mile, battle, soldiers, ground, partners, sheriff, tweet, state", "+++ october, according, private, state, reports, department, news
--- corps, probe, discovered, mile, july, staff, partners, sheriff, justice, thursday", "+++ area, energy, gas, according, water, environmental, clean
--- atmosphere, corps, caused, magnetic, produce, mile, earth, ground, partners, sheriff", "+++ states, americans, american, months, says
--- corps, mile, tweeted, supporter, ground, partners, certainly, sheriff, state, thursday", "+++ pipeline, oil, state, national, gas, protect, american, land, u
--- corps, wakingtimes, mile, nevada, occupation, partners, sheriff, thursday, edward, local", "+++ october, national, american, u, news, south
--- stephens, sexist, mile, talks, alt, hate, ground, partners, corps, sheriff", "+++ 3, american, native
--- corps, text, results, mile, children, formating, ground, partners, sheriff, send", "+++ enforcement, police, sheriff, rights, national, arrested, according, reports, county, state
--- corps, violation, issued, mile, ground, partners, charges, justice, thursday, crime", "+++ water, 3, oil
--- corps, cdc, results, mile, skin, children, ground, access, sheriff, thursday", "+++ states, says, according, reports, county, state, u, news, line
--- corps, switched, global, results, mile, ground, partners, votes, voter, sheriff", "+++
--- consider, corps, focus, mile, issues, ground, partners, based, knowledge, sheriff", "+++ states, american, state, u, we
--- corps, mile, ground, partners, zone, turkish, thursday, bush, wood, local", "+++ we, rights, national, state, states, american, americans, department, u, law
--- corps, mile, issues, ground, partners, judges, sheriff, justice, thursday, program", "+++ national, according, reports
--- phenomenon, founder, alien, mile, ground, partners, corps, sheriff, extraterrestrial, tv", "+++ north, national, state, according, states, american, americans, news, support
--- corps, results, mile, democrats, debate, ground, partners, votes, sheriff, thursday", "+++ oil, rights, support, state, states, american, u, region
--- particularly, corps, mile, ground, weapons, gulf, thursday, wood, local, stop", "+++ news, we, americans
--- ron, lack, mile, ground, partners, corps, sheriff, jay, obamacare, 3", "+++ oil, company, private, state, u, news
--- sector, gold, global, dollar, mile, ground, current, chinese, sheriff, thursday", "+++ near, area, lake, south, according
--- planetary, corps, queen, discovered, mile, earth, ground, partners, sheriff, explain", "+++ rights, support, state, states, american, americans, u, national
--- corps, global, mile, ground, partners, sheriff, justice, thursday, wood, black", "+++ police, arrested, began, stop, according, reports, state, department, news
--- shot, corps, allegations, mile, gang, children, ground, partners, suicide, sheriff", "+++ october, area, region, army, according, reports, state, support
--- rebels, corps, qaeda, mosul, battle, soldiers, ground, weapons, sheriff, turkish", "+++ says, october, local
--- shot, corps, mile, children, ground, partners, sheriff, father, young, thursday", "+++ states, national
--- founder, mile, children, ground, partners, corps, sheriff, father, 3, thursday" ], [ "+++ europe, eastern, united, chinese, countries, country, government, asia, states, china
--- german, hungary, paris, communist, far, merkel, regional, coast, joint, prime", "+++ great, death, fact, world, the, called, today, history
--- pope, german, global, souls, earth, fear, religious, chinese, paris, lord", "+++ and, them, says, country, great, world
--- saying, all, chinese, german, hungary, trying, paris, going, communist, population", "+++ news, today
--- code, chinese, german, follow, trunews, tv, 0, communist, population, far", "+++ and
--- fungal, chinese, ginseng, mild, hungary, paris, german, communist, population, ingredient", "+++ city, migrants, government, country, national, the, cities
--- chinese, german, protest, hungary, paris, riots, black, communist, thousands, protestors", "+++ news, the, public, propaganda
--- saying, chinese, german, hungary, debate, tv, tweet, communist, population, mainstream", "+++ states, news, national, says
--- corps, german, mile, hungary, ground, partners, chinese, sheriff, paris, state", "+++ chinese, german, london, hungary, death, paris, communist, east, happened, them
--- ", "+++ says, far, second, news, world, the, today, population
--- chinese, german, global, month, hungary, paris, state, 0, 8, communist", "+++ and, government, far, public, the, called, fact
--- all, chinese, german, hungary, staff, paris, writes, wmw, to, communist", "+++ national, italy, minister
--- rtd, chinese, german, battle, soldiers, paris, tweet, thursday, communist, population", "+++ news, the, public
--- chinese, german, probe, discovered, hungary, staff, justice, communist, huma, sent", "+++ known, similar
--- atmosphere, chinese, german, caused, magnetic, earth, electricity, environment, communist, risk", "+++ great, united, says, country, states, world, called, today, history
--- chinese, german, hungary, tweeted, supporter, certainly, paris, going, 8, communist", "+++ and, death, government, national, later, history
--- chinese, german, wakingtimes, hungary, nevada, occupation, paris, edward, communist, population", "+++ news, national, later, war, history
--- stephens, german, sexist, talks, hungary, alt, hate, chinese, paris, bush", "+++ jewish, jews, english
--- chinese, german, text, results, hungary, children, formating, paris, send, communist", "+++ states, national, citizens, public, government
--- chinese, violation, issued, hungary, sheriff, justice, crime, german, going, communist", "+++ known, great, women
--- chinese, cdc, german, results, skin, hungary, children, paris, sugar, helps", "+++ says, jewish, country, states, news, the, similar
--- chinese, switched, german, global, results, hungary, votes, voter, paris, going", "+++ world, result, today
--- consider, chinese, german, focus, hungary, issues, based, knowledge, paris, communist", "+++ europe, eastern, united, countries, country, government, war, states, western, invasion
--- chinese, german, hungary, zone, turkish, paris, bush, communist, obama, far", "+++ citizens, government, country, national, muslim, states, second, united, the
--- chinese, german, hungary, issues, judges, justice, program, creamer, communist, population", "+++ world, national, later, history
--- phenomenon, founder, german, alien, hungary, chinese, extraterrestrial, tv, 0, communist", "+++ states, news, national, fact
--- chinese, german, results, democrats, hungary, debate, votes, paris, candidates, communist", "+++ united, countries, country, government, africa, british, called, states, western, world
--- particularly, chinese, german, hungary, gulf, paris, communist, far, merkel, despite", "+++ news, the, leader, city
--- ron, german, lack, hungary, chinese, jay, paris, obamacare, communist, population", "+++ chinese, countries, government, china, news, world
--- sector, gold, german, global, dollar, prices, hungary, paris, treasury, communist", "+++ known, the, called, came, century
--- planetary, chinese, german, queen, discovered, earth, paris, explain, black, communist", "+++ and, them, citizens, countries, far, country, national, government, war, states
--- chinese, german, global, hungary, justice, black, communist, mainstream, merkel, trade", "+++ city, death, later, public, news, the, called, happened
--- shot, chinese, german, allegations, gang, hungary, children, suicide, paris, crime", "+++ city, eastern, jewish, west, government, muslim, western, the, east, war
--- rebels, chinese, german, qaeda, mosul, battle, soldiers, turkish, paris, daesh", "+++ muslim, says, came, later, women
--- shot, chinese, german, hungary, children, paris, father, young, foster, communist", "+++ states, national, death, the
--- founder, german, baby, hungary, children, chinese, paris, father, communist, garden" ], [ "+++ october, according, u, news, world, the, south
--- chinese, global, month, state, 0, 8, population, oct, far, regional", "+++ end, point, global, times, state, world, the, day, today
--- pope, souls, month, earth, fear, religious, knowledge, 0, lord, population", "+++ says, end, point, years, world, day
--- saying, all, global, month, trying, state, 0, going, 8, he", "+++ 10, 27, support, 1, 0, 2, news, november, october, data
--- code, global, month, follow, trunews, increase, tv, state, list, 8", "+++ 2015, 25, state, 22, 10
--- fungal, ginseng, global, month, mild, content, 0, 8, population, oct", "+++ week, according, state, 000, home, the, day, change
--- global, month, protest, riots, 0, black, 8, posted, thousands, oct", "+++ week, reported, times, p, report, news, the, posted, day, shows
--- saying, global, month, debate, tv, tweet, state, 0, 8, oct", "+++ october, says, september, support, state, according, 3, u, news, south
--- corps, global, month, mile, ground, partners, sheriff, thursday, 0, wood", "+++ says, far, second, news, world, the, today, population
--- chinese, german, global, month, hungary, paris, state, 0, 8, communist", "+++ september, global, years, previous, 25, 27, 20, 21, 22, 23
--- ", "+++ far, support, million, times, 1, state, 000, the, years
--- all, global, month, staff, writes, wmw, 0, 8, include, oct", "+++ october, reported, 30, p, 2, 5, 4, 6, november, posted
--- rtd, global, month, battle, soldiers, tweet, 3, thursday, 0, 8", "+++ october, according, reported, state, 000, 2015, news, the
--- probe, month, discovered, staff, justice, 0, 8, huma, oct, sent", "+++ low, high, study, according, years
--- atmosphere, caused, magnetic, global, month, earth, electricity, state, environment, 0", "+++ 11, 10, says, world, years, likely, year, 9, 8, november
--- global, month, tweeted, supporter, certainly, state, 0, going, he, oct", "+++ 11, state, u, year
--- wakingtimes, global, month, nevada, occupation, 0, edward, 8, bundy, oct", "+++ 11, october, times, u, half, 9, news, november, years, south
--- stephens, global, sexist, month, talks, alt, hate, state, 0, bush", "+++ 10, 1, 3, 2, 5, 4
--- text, global, results, month, children, formating, send, 0, 8, posted", "+++ high, reported, state, according, year
--- violation, issued, global, month, sheriff, justice, crime, 0, going, 8", "+++ high, study, increase, 3, 2, 5, 4, 1, day, low
--- cdc, global, results, month, skin, children, sugar, 0, helps, 8", "+++ says, global, according, years, reported, state, u, news, 8, the
--- switched, results, month, votes, voter, 0, going, tape, voted, oct", "+++ point, number, change, home, world, today
--- consider, global, focus, month, issues, based, knowledge, state, 0, 8", "+++ end, state, u, 2014, world, the, change
--- global, month, zone, turkish, 0, bush, 8, population, oct, far", "+++ 20, state, second, 000, u, year, 2015, the, change
--- global, month, issues, judges, justice, 0, program, creamer, 8, population", "+++ 2015, reported, according, years, 0, report, world, data, posted
--- phenomenon, founder, global, month, alien, extraterrestrial, tv, state, 8, oct", "+++ week, likely, point, support, percent, according, early, record, state, points
--- global, results, month, democrats, debate, votes, 0, candidates, 8, obama", "+++ 9, support, million, number, report, state, 000, u, year, 2015
--- particularly, global, month, gulf, 0, 8, posted, oct, far, 12", "+++ report, 2014, news, the, previous
--- ron, lack, month, jay, obamacare, state, 0, 8, obama, oct", "+++ high, global, state, years, increase, rate, u, low, year, world
--- sector, gold, dollar, month, chinese, 0, treasury, 8, posted, oct", "+++ ago, study, according, years, 2, 5, the, south
--- planetary, queen, month, discovered, earth, explain, 3, 0, black, 8", "+++ end, far, support, global, years, state, u, today, world, the
--- month, justice, 0, black, 8, posted, oct, mainstream, 12, nearly", "+++ ago, according, years, reported, state, year, report, home, news, times
--- shot, global, allegations, month, gang, children, suicide, crime, 0, black", "+++ october, support, according, state, 000, the
--- rebels, global, month, qaeda, mosul, battle, soldiers, turkish, daesh, iraqi", "+++ october, says, 6, years, year, home, november, day, posted
--- shot, global, month, children, father, young, 0, foster, 8, local", "+++ ago, the, study, period, years
--- founder, global, month, children, father, state, 0, 8, population, oct" ], [ "+++ operations, group, government, general, including, president, the
--- all, chinese, staff, weapons, writes, wmw, to, include, activities, far", "+++ control, times, source, state, the, order, called, fact
--- all, pope, global, souls, earth, fear, religious, staff, office, writes", "+++ real, and, all, big, work, years, in
--- saying, staff, trying, writes, wmw, to, going, include, activities, far", "+++ a, 1, e, support, internet, access, source, published, policy, post
--- all, code, follow, trunews, staff, tv, writes, wmw, to, include", "+++ and, source, state
--- all, fungal, ginseng, mild, staff, writes, wmw, to, include, ingredient", "+++ non, set, group, government, in, state, 000, members, team, the
--- all, protest, staff, writes, wmw, riots, to, black, include, thousands", "+++ real, the, media, published, times, project, york, internet, article, post
--- saying, all, debate, staff, tv, tweet, wmw, to, include, activities", "+++ project, company, private, access, state, line, support
--- all, corps, mile, ground, partners, sheriff, writes, wmw, thursday, to", "+++ and, government, far, public, the, called, fact
--- all, chinese, german, hungary, staff, paris, writes, wmw, to, communist", "+++ far, support, million, times, 1, state, 000, the, years
--- all, global, month, staff, writes, wmw, to, 8, posted, oct", "+++ operations, all, office, money, years, including, worked, staff, 1, group
--- ", "+++ a, line, john, chief, general
--- rtd, all, battle, soldiers, staff, tweet, wmw, thursday, to, include", "+++ foundation, e, personal, private, general, source, state, 000, york, president
--- all, probe, discovered, july, justice, writes, wmw, to, huma, sent", "+++ non, journal, years, source, published, industry
--- atmosphere, caused, magnetic, all, earth, staff, cell, electricity, writes, wmw", "+++ president, office, in, years, team, article, called
--- all, tweeted, supporter, staff, certainly, writes, wmw, to, going, 8", "+++ and, control, group, government, state, published
--- all, wakingtimes, nevada, staff, writes, wmw, to, edward, include, activities", "+++ media, times, york, team, years, president, john, george
--- all, stephens, sexist, talks, alt, hate, staff, writes, wmw, to", "+++ a, 1, in, post, example, special
--- all, text, results, children, formating, staff, writes, wmw, state, send", "+++ control, activities, office, government, private, order, state, including, members, public
--- all, evidence, violation, issued, worked, staff, sheriff, justice, writes, wmw", "+++ 1, including
--- all, cdc, results, skin, children, staff, access, writes, wmw, 3", "+++ real, the, office, years, state, board, line, george
--- all, switched, global, results, staff, votes, voter, writes, wmw, to", "+++ real, control, personal, work, order, article, making, example
--- all, consider, focus, issues, staff, current, based, knowledge, writes, wmw", "+++ the, government, media, general, state, policy, president, post, order, called
--- all, staff, current, zone, turkish, writes, wmw, to, bush, include", "+++ group, office, government, money, work, chief, general, state, 000, york
--- all, issues, staff, judges, justice, writes, wmw, to, program, creamer", "+++ source, group, years
--- all, phenomenon, founder, alien, staff, extraterrestrial, tv, writes, wmw, 0", "+++ media, state, support, fact, president
--- all, results, democrats, debate, staff, votes, writes, wmw, to, candidates", "+++ media, claims, group, government, money, support, million, state, 000, including
--- all, particularly, staff, weapons, gulf, writes, wmw, to, include, activities", "+++ big, the, order
--- all, ron, lack, staff, jay, writes, obamacare, to, include, brown", "+++ real, business, government, money, dollars, industry, private, years, fund, state
--- sector, all, gold, global, dollar, staff, current, chinese, writes, wmw", "+++ a, years, source, team, the, called
--- planetary, all, queen, discovered, earth, staff, explain, wmw, to, black", "+++ real, and, working, government, far, control, support, years, state, media
--- all, global, staff, justice, writes, wmw, to, black, include, activities", "+++ chief, times, public, state, claims, the, years, called
--- all, shot, allegations, gang, children, staff, suicide, writes, wmw, crime", "+++ operations, group, government, support, state, 000, including, the
--- all, rebels, qaeda, mosul, battle, soldiers, staff, weapons, turkish, writes", "+++ years
--- all, shot, children, staff, writes, father, young, to, foster, money", "+++ a, the, non, industry, years
--- all, founder, children, staff, writes, father, to, include, activities, garden" ], [ "+++ october, force, air, near, minister, military, general
--- rtd, chinese, battle, soldiers, tweet, thursday, posted, veterans, hit, regional", "+++ day
--- rtd, pope, global, souls, battle, earth, fear, religious, knowledge, tweet", "+++ m, day
--- saying, all, rtd, battle, soldiers, trying, tweet, thursday, going, rss", "+++ a, 26, october, 2, november, posted
--- rtd, code, battle, follow, trunews, tv, tweet, thursday, 0, rss", "+++ force
--- rtd, fungal, ginseng, mild, battle, soldiers, tweet, thursday, rss, veterans", "+++ town, residents, national, day, wednesday
--- rtd, protest, battle, soldiers, tweet, thursday, riots, black, posted, thousands", "+++ reported, tweet, p, sources, day, posted
--- saying, rtd, battle, soldiers, debate, tv, thursday, rss, veterans, hit", "+++ october, army, national, reports, near, indian, thursday, line
--- rtd, corps, mile, battle, soldiers, ground, partners, sheriff, tweet, state", "+++ national, italy, minister
--- rtd, chinese, german, battle, hungary, paris, tweet, thursday, communist, rss", "+++ october, reported, 30, p, 2, 5, 4, 6, november, pm
--- rtd, global, month, battle, soldiers, tweet, state, thursday, 0, 8", "+++ a, line, john, chief, general
--- rtd, all, battle, soldiers, staff, writes, wmw, thursday, to, include", "+++ rtd, sources, quake, battle, doss, injuries, 26, tweet, thursday, day
--- ", "+++ october, reported, reports, general, sources, john
--- rtd, probe, discovered, battle, soldiers, july, staff, justice, tweet, thursday", "+++ parts, center, air
--- rtd, atmosphere, caused, magnetic, battle, earth, electricity, tweet, thursday, environment", "+++ november, j, m, day, wednesday
--- rtd, battle, soldiers, tweeted, supporter, certainly, tweet, thursday, going, 8", "+++ national, j, present
--- rtd, wakingtimes, battle, soldiers, nevada, occupation, tweet, thursday, edward, rss", "+++ john, national, october, november
--- rtd, stephens, sexist, talks, soldiers, alt, hate, tweet, thursday, bush", "+++ a, 2, 5, 4
--- rtd, text, results, battle, soldiers, children, formating, tweet, send, earthquake", "+++ force, service, district, reported, national, reports, sources
--- rtd, evidence, violation, issued, battle, soldiers, sheriff, justice, tweet, thursday", "+++ 2, 5, day, 4
--- rtd, cdc, results, skin, battle, soldiers, children, tweet, thursday, sugar", "+++ reported, line, day, reports, posted
--- rtd, switched, global, results, battle, soldiers, votes, voter, tweet, thursday", "+++
--- rtd, consider, focus, battle, soldiers, issues, based, knowledge, tweet, thursday", "+++ military, force, general
--- rtd, battle, soldiers, zone, turkish, tweet, thursday, bush, obama, veterans", "+++ national, john, chief, general
--- rtd, modi, battle, soldiers, issues, judges, justice, tweet, thursday, program", "+++ reported, national, reports, posted
--- rtd, phenomenon, founder, alien, battle, soldiers, extraterrestrial, tv, tweet, thursday", "+++ november, national, day, moore
--- rtd, results, democrats, battle, soldiers, debate, votes, tweet, thursday, won", "+++ john, center
--- rtd, particularly, battle, soldiers, gulf, tweet, thursday, posted, veterans, hit", "+++ air, service, vice
--- rtd, ron, lack, battle, soldiers, jay, tweet, obamacare, thursday, rss", "+++ major, central
--- sector, rtd, gold, global, dollar, battle, soldiers, chinese, tweet, thursday", "+++ a, near, 2, 5
--- planetary, rtd, queen, discovered, battle, soldiers, explain, thursday, black, posted", "+++ military, national
--- rtd, modi, global, battle, soldiers, justice, tweet, thursday, black, posted", "+++ reported, chief, killed, reports, officer
--- rtd, shot, allegations, gang, battle, soldiers, children, suicide, tweet, thursday", "+++ october, army, reports, air, minister, military, battle, soldiers, killed
--- rtd, rebels, qaeda, mosul, turkish, tweet, daesh, thursday, iraqi, terror", "+++ october, service, car, hospital, 6, hours, night, november, day, posted
--- rtd, shot, battle, soldiers, children, tweet, father, young, thursday, foster", "+++ a, national
--- rtd, founder, battle, soldiers, children, tweet, father, thursday, posted, veterans" ], [ "+++ use, october, washington, according, long, general, officials, president, news, the
--- chinese, probe, discovered, staff, justice, huma, sent, regional, coast, joint", "+++ source, state, the, long
--- pope, global, souls, discovered, earth, fear, religious, staff, knowledge, justice", "+++ i, know, long
--- saying, all, probe, discovered, staff, trying, justice, going, huma, sent", "+++ information, account, october, e, use, related, source, news, email
--- code, probe, discovered, follow, trunews, staff, tv, 0, huma, sent", "+++ 2015, source, state, campaign
--- fungal, ginseng, probe, discovered, mild, staff, justice, huma, sent, ingredient", "+++ the, state, 000, according
--- evidence, probe, discovered, protest, staff, justice, riots, black, huma, thousands", "+++ information, account, released, campaign, reported, sources, york, news, the, public
--- saying, probe, discovered, debate, staff, tv, tweet, huma, sent, mainstream", "+++ october, according, private, state, reports, department, news
--- corps, probe, discovered, mile, line, ground, partners, sheriff, justice, thursday", "+++ news, the, public
--- chinese, german, probe, discovered, hungary, staff, paris, communist, huma, hrc", "+++ october, according, reported, state, 000, 2015, news, the
--- global, month, discovered, staff, justice, 0, 8, huma, oct, sent", "+++ foundation, e, personal, private, general, source, state, 000, york, president
--- all, probe, discovered, july, justice, writes, wmw, to, huma, sent", "+++ october, reported, reports, general, sources, john
--- rtd, probe, discovered, battle, soldiers, july, staff, justice, tweet, thursday", "+++ laptop, probe, discovered, sources, questions, staff, announcement, justice, source, according
--- ", "+++ source, use, according, long
--- atmosphere, caused, magnetic, probe, discovered, earth, staff, electricity, environment, huma", "+++ clinton, campaign, i, house, washington, days, long, mrs, hillary, election
--- probe, discovered, tweeted, supporter, staff, certainly, justice, going, 8, huma", "+++ state, long, announced
--- wakingtimes, probe, discovered, nevada, staff, justice, edward, huma, sent, torture", "+++ case, october, house, evidence, investigation, york, president, news, john
--- stephens, probe, sexist, discovered, talks, alt, hate, staff, justice, bush", "+++ i, use
--- text, probe, results, discovered, children, formating, staff, justice, 3, send", "+++ case, information, attorney, reported, justice, decision, use, according, reports, evidence
--- agency, allowed, letter, office, violation, issued, laptop, probe, washington, actions", "+++ use
--- cdc, probe, results, discovered, skin, children, staff, justice, 3, sugar", "+++ i, official, political, according, reports, evidence, reported, state, officials, election
--- switched, global, results, discovered, july, staff, votes, voter, justice, going", "+++ personal, information, use, long
--- consider, probe, focus, discovered, issues, staff, based, knowledge, justice, committee", "+++ clinton, political, influence, washington, hillary, general, state, president, the, presidential
--- probe, discovered, staff, zone, turkish, justice, bush, huma, sent, fly", "+++ attorney, congress, campaign, justice, house, decision, washington, i, general, director
--- probe, discovered, issues, staff, judges, program, creamer, huma, congressional, cuba", "+++ case, information, official, source, classified, according, reports, evidence, reported, documents
--- phenomenon, founder, probe, alien, staff, extraterrestrial, tv, 0, huma, sent", "+++ president, democratic, clinton, campaign, house, washington, according, political, state, election
--- probe, results, discovered, democrats, debate, staff, votes, justice, candidates, huma", "+++ campaign, political, evidence, state, 000, 2015, wikileaks, john
--- particularly, probe, discovered, staff, gulf, justice, huma, sent, lynch, despite", "+++ house, the, long, news
--- ron, lack, discovered, staff, jay, justice, obamacare, huma, sent, brown", "+++ news, state, long, private
--- sector, gold, global, dollar, discovered, staff, chinese, justice, treasury, huma", "+++ according, long, evidence, discovered, source, the
--- planetary, queen, earth, staff, justice, explain, black, huma, sent, probe", "+++ justice, political, long, corruption, state, president, the, democratic, public
--- global, discovered, staff, black, huma, sent, probe, agents, mainstream, far", "+++ case, attorney, officials, according, reports, evidence, reported, state, investigation, department
--- shot, probe, allegations, discovered, gang, children, staff, suicide, justice, committee", "+++ october, campaign, according, reports, state, 000, the
--- rebels, probe, discovered, qaeda, mosul, battle, soldiers, staff, turkish, justice", "+++ house, october, husband, told
--- shot, probe, discovered, children, staff, justice, father, young, foster, huma", "+++ use, the, related
--- founder, probe, discovered, children, staff, justice, father, olympics, huma, sent" ], [ "+++ use, according, however, long, air
--- atmosphere, chinese, caused, magnetic, earth, weapons, electricity, environment, risk, regional", "+++ body, natural, power, nature, light, energy, long, source, human, earth
--- atmosphere, pope, caused, magnetic, global, souls, fear, moon, religious, knowledge", "+++ long, years
--- saying, all, caused, magnetic, atmosphere, earth, trying, electricity, environment, going", "+++ device, source, use, published
--- atmosphere, code, caused, magnetic, follow, trunews, cell, tv, environment, 0", "+++ source, cells, health
--- atmosphere, fungal, ginseng, caused, magnetic, mild, hai, earth, electricity, environment", "+++ food, non, california, according
--- atmosphere, set, caused, magnetic, protest, earth, electricity, riots, black, thousands", "+++ published
--- saying, atmosphere, caused, magnetic, earth, debate, tv, tweet, environment, risk", "+++ area, energy, gas, according, water, environmental, clean
--- atmosphere, corps, caused, magnetic, mile, earth, ground, partners, sheriff, electricity", "+++ known, similar
--- atmosphere, chinese, german, caused, magnetic, hungary, paris, environment, communist, risk", "+++ low, high, study, according, years
--- atmosphere, caused, magnetic, global, month, earth, electricity, state, environment, 0", "+++ non, industry, years, source, published, journal
--- all, caused, magnetic, atmosphere, earth, staff, cell, electricity, writes, wmw", "+++ parts, center, air
--- rtd, atmosphere, caused, magnetic, battle, earth, electricity, tweet, thursday, environment", "+++ source, use, according, long
--- atmosphere, caused, magnetic, probe, discovered, earth, staff, justice, environment, huma", "+++ atmosphere, stores, caused, magnetic, years, human, earth, speed, electricity, environment
--- ", "+++ long, years
--- atmosphere, caused, magnetic, earth, tweeted, supporter, certainly, electricity, environment, going", "+++ natural, gas, long, power, published
--- atmosphere, caused, wakingtimes, earth, nevada, occupation, electricity, environment, edward, keystone", "+++ however, johnson, years
--- atmosphere, stephens, caused, magnetic, sexist, talks, earth, alt, hate, electricity", "+++ university, dr, use
--- atmosphere, text, magnetic, results, earth, children, formating, electricity, send, environment", "+++ high, field, use, however, according
--- atmosphere, violation, issued, magnetic, earth, sheriff, justice, crime, environment, going", "+++ body, high, use, natural, risk, food, dr, study, studies, plant
--- atmosphere, cdc, caused, magnetic, results, skin, earth, children, cell, animal", "+++ similar, according, years
--- atmosphere, switched, caused, magnetic, global, results, earth, votes, voter, electricity", "+++ use, power, however, long, human, technology
--- atmosphere, consider, caused, magnetic, focus, earth, creative, issues, current, based", "+++ power
--- atmosphere, caused, magnetic, earth, current, zone, turkish, electricity, environment, bush", "+++ california, health
--- atmosphere, caused, magnetic, produce, stores, issues, judges, justice, environment, program", "+++ scientific, source, according, research, lights, health, scientists, years, dr
--- atmosphere, phenomenon, founder, caused, magnetic, alien, earth, tv, environment, 0", "+++ according, lead
--- atmosphere, caused, magnetic, results, democrats, earth, debate, votes, favor, electricity", "+++ center, human, published
--- atmosphere, particularly, caused, magnetic, produce, earth, weapons, gulf, electricity, environment", "+++ health, long, lead, air
--- atmosphere, ron, caused, magnetic, lack, produce, earth, jay, electricity, obamacare", "+++ high, lower, industry, long, years, large, products, low
--- sector, atmosphere, gold, caused, magnetic, global, dollar, prices, earth, current", "+++ blue, field, light, area, science, university, however, long, years, source
--- planetary, atmosphere, caused, magnetic, queen, produce, discovered, electricity, explain, environment", "+++ mass, long, power, years
--- atmosphere, caused, magnetic, global, earth, justice, environment, black, mainstream, far", "+++ according, years
--- atmosphere, shot, caused, magnetic, allegations, gang, earth, children, suicide, electricity", "+++ air, according, area
--- atmosphere, rebels, caused, magnetic, qaeda, mosul, battle, soldiers, weapons, turkish", "+++ years
--- atmosphere, shot, caused, magnetic, earth, children, electricity, father, young, environment", "+++ non, scientific, science, industry, use, years, california, human, growing, study
--- atmosphere, founder, caused, magnetic, baby, earth, children, electricity, father, environment" ], [ "+++ united, country, washington, possible, long, states, anti, president, world
--- chinese, tweeted, supporter, certainly, going, 8, obama, hope, regional, coast", "+++ great, right, long, called, world, man, day, today, history
--- pope, global, souls, earth, fear, tweeted, religious, supporter, certainly, office", "+++ again, great, right, says, i, things, this, country, m, long
--- saying, all, tweeted, supporter, certainly, trying, 8, hope, do, stop", "+++ 10, november, share, today
--- code, follow, tweeted, trunews, certainly, tv, 0, going, 8, he", "+++ 10, campaign
--- fungal, ginseng, mild, tweeted, supporter, certainly, going, 8, rahul, hope", "+++ in, country, violence, wednesday, nation, anti, team, following, america, day
--- protest, tweeted, supporter, certainly, riots, going, black, 8, obama, thousands", "+++ article, share, anti, day, campaign
--- saying, tweeted, debate, certainly, tv, tweet, going, 8, he, hope", "+++ states, americans, american, months, says
--- corps, mile, tweeted, supporter, ground, partners, certainly, sheriff, state, thursday", "+++ great, united, says, country, states, world, called, today, history
--- chinese, german, hungary, tweeted, supporter, certainly, paris, going, 8, communist", "+++ 11, 10, says, year, years, likely, world, 9, 8, november
--- global, month, tweeted, supporter, certainly, state, 0, going, he, oct", "+++ president, office, in, years, team, article, called
--- all, tweeted, supporter, staff, certainly, writes, wmw, to, going, 8", "+++ november, j, m, day, wednesday
--- rtd, battle, soldiers, tweeted, supporter, certainly, tweet, thursday, going, 8", "+++ clinton, campaign, i, house, washington, days, long, mrs, hillary, election
--- probe, discovered, tweeted, supporter, staff, certainly, justice, going, 8, huma", "+++ long, years
--- atmosphere, caused, magnetic, earth, tweeted, supporter, certainly, electricity, environment, going", "+++ office, years, course, clinton, tweeted, supporter, certainly, candidate, him, civil
--- ", "+++ 11, j, long, american, year, history
--- wakingtimes, nevada, supporter, occupation, certainly, edward, 8, he, hope, torture", "+++ 11, house, team, years, american, mr, 9, president, november, man
--- stephens, sexist, talks, alt, tweeted, hate, supporter, certainly, bush, going", "+++ i, 10, american, in
--- text, results, tweeted, children, formating, certainly, send, going, 8, obama", "+++ office, civil, mr, states, matter, going, year
--- violation, issued, tweeted, supporter, certainly, sheriff, justice, crime, 8, he", "+++ great, anti, day
--- cdc, results, skin, tweeted, children, certainly, sugar, going, helps, 8", "+++ right, says, office, i, win, political, years, states, going, election
--- switched, global, results, tweeted, supporter, votes, voter, tape, voted, obama", "+++ things, possible, long, matter, article, world, today
--- consider, focus, tweeted, supporter, issues, certainly, based, knowledge, going, 8", "+++ united, clinton, country, washington, hillary, states, course, american, president, world
--- tweeted, supporter, certainly, zone, turkish, bush, going, 8, hope, tanks", "+++ right, campaign, office, i, house, year, washington, nation, states, elected
--- tweeted, supporter, issues, judges, justice, program, creamer, 8, hope, cuba", "+++ world, history, event, years
--- phenomenon, founder, alien, tweeted, supporter, certainly, extraterrestrial, tv, 0, going", "+++ clinton, trump, campaign, house, washington, states, likely, americans, election, vote
--- things, megyn, point, numbers, tuesday, matter, results, america, years, seen", "+++ united, campaign, country, political, states, american, year, 9, world, called
--- particularly, tweeted, supporter, certainly, gulf, going, 8, obama, hope, despite", "+++ right, house, long, sign, americans, joe, white, obama
--- ron, lack, tweeted, supporter, certainly, jay, obamacare, going, 8, hope", "+++ wall, world, year, long, years
--- sector, gold, global, dollar, tweeted, supporter, certainly, chinese, going, treasury", "+++ star, long, event, team, seen, hollywood, years, called, left
--- planetary, queen, discovered, earth, tweeted, supporter, certainly, explain, going, black", "+++ right, left, anti, civil, country, political, long, nation, states, course
--- global, tweeted, supporter, certainly, justice, going, black, 8, obama, hope", "+++ year, called, man, years
--- shot, allegations, gang, tweeted, children, certainly, suicide, crime, going, black", "+++ campaign
--- rebels, qaeda, mosul, battle, soldiers, tweeted, supporter, certainly, turkish, daesh", "+++ says, left, house, share, day, year, november, years, him, man
--- shot, tweeted, children, certainly, father, young, foster, 8, he, local", "+++ states, years
--- founder, tweeted, children, certainly, father, going, 8, obama, hope, 11" ], [ "+++ group, government, long, defense, u, security
--- chinese, wakingtimes, nevada, occupation, edward, cooperation, torture, regional, bear, coast", "+++ control, death, natural, power, secret, long, state, land, free, instead
--- pope, wakingtimes, global, souls, earth, fear, nevada, religious, occupation, knowledge", "+++ and, long
--- saying, all, wakingtimes, nevada, occupation, trying, going, bundy, do, torture", "+++ co, published
--- code, wakingtimes, follow, nevada, trunews, occupation, tv, 0, edward, bundy", "+++ and, state, free
--- fungal, ginseng, wakingtimes, mild, nevada, occupation, tass, edward, health, bundy", "+++ group, government, national, surveillance, state, security, armed
--- wakingtimes, protest, nevada, occupation, riots, tass, edward, black, thousands, protestors", "+++ conspiracy, published
--- saying, wakingtimes, nevada, debate, occupation, tv, tweet, edward, bundy, mainstream", "+++ pipeline, oil, protect, national, gas, state, american, land, u
--- corps, wakingtimes, mile, nevada, ground, partners, sheriff, thursday, wood, local", "+++ and, death, government, national, later, history
--- chinese, german, wakingtimes, defendant, hungary, nevada, occupation, paris, edward, communist", "+++ 11, state, u, year
--- wakingtimes, global, month, nevada, occupation, 0, edward, 8, posted, oct", "+++ control, and, group, government, state, published
--- all, wakingtimes, nevada, staff, writes, wmw, to, edward, include, activities", "+++ national, j, present
--- rtd, wakingtimes, battle, soldiers, nevada, occupation, tweet, thursday, edward, posted", "+++ state, long, announced
--- wakingtimes, probe, discovered, nevada, staff, justice, tass, edward, huma, sent", "+++ natural, gas, long, power, published
--- atmosphere, caused, magnetic, earth, nevada, occupation, electricity, environment, edward, health", "+++ 11, j, long, american, year, history
--- wakingtimes, tweeted, supporter, occupation, certainly, going, 8, obama, hope, torture", "+++ coup, wakingtimes, nevada, warren, death, group, assassination, edward, texas, torture
--- ", "+++ 11, national, later, american, secret, u, history
--- stephens, wakingtimes, sexist, talks, alt, nevada, hate, occupation, bush, edward", "+++ american
--- text, wakingtimes, results, nevada, children, formating, occupation, state, send, edward", "+++ control, agency, jury, government, federal, national, secret, agencies, trial, state
--- violation, issued, wakingtimes, nevada, occupation, sheriff, justice, crime, edward, local", "+++ oil, natural
--- cdc, wakingtimes, results, skin, nevada, children, occupation, 3, sugar, edward", "+++ state, u, texas
--- switched, wakingtimes, global, results, nevada, occupation, votes, voter, tass, edward", "+++ control, long, free, power, face
--- consider, wakingtimes, focus, nevada, issues, occupation, based, knowledge, edward, torture", "+++ interests, coup, cia, power, government, intelligence, american, state, u, security
--- wakingtimes, nevada, occupation, zone, turkish, bush, edward, bundy, torture, bear", "+++ group, government, federal, national, american, state, defense, u, year, security
--- wakingtimes, nevada, issues, occupation, judges, justice, program, creamer, health, bundy", "+++ agency, group, intelligence, national, later, secret, nsa, history
--- phenomenon, founder, wakingtimes, alien, nevada, occupation, extraterrestrial, tv, 0, edward", "+++ american, national, state
--- wakingtimes, results, democrats, nevada, debate, occupation, votes, tass, edward, candidates", "+++ oil, group, government, intelligence, published, american, state, u, year
--- particularly, wakingtimes, nevada, occupation, gulf, edward, torture, bear, cheaper, despite", "+++ long, free, ryan
--- ron, wakingtimes, lack, nevada, occupation, jay, obamacare, edward, health, bundy", "+++ oil, government, federal, long, state, u, free, year
--- sector, gold, wakingtimes, global, dollar, nevada, occupation, chinese, edward, treasury", "+++ long
--- planetary, wakingtimes, queen, discovered, earth, nevada, occupation, explain, edward, black", "+++ and, interests, power, government, control, national, american, free, state, u
--- wakingtimes, global, nevada, occupation, justice, tass, edward, black, mainstream, torture", "+++ state, death, later, year
--- shot, wakingtimes, allegations, gang, nevada, children, occupation, suicide, crime, edward", "+++ armed, security, group, state, government
--- rebels, wakingtimes, qaeda, mosul, battle, soldiers, nevada, occupation, turkish, iraqi", "+++ face, later, year
--- shot, wakingtimes, nevada, children, occupation, father, young, foster, bundy, local", "+++ national, death
--- founder, wakingtimes, nevada, children, occupation, father, tass, edward, 11, garden" ], [ "+++ october, iran, peace, however, u, president, news, war, south
--- chinese, sexist, talks, alt, hate, stephens, finally, black, case, regional", "+++ peace, times, secret, race, truth, man, book, history
--- pope, global, souls, sexist, talks, earth, fear, religious, stephens, bush", "+++ didn, good, years
--- saying, all, stephens, sexist, talks, alt, hate, finally, bush, going", "+++ news, november, october, com
--- code, stephens, sexist, talks, follow, alt, hate, trunews, tv, 0", "+++ com
--- fungal, stephens, ginseng, sexist, mild, talks, alt, hate, finally, black", "+++ national, peace, black, george, team
--- stephens, sexist, protest, talks, alt, hate, riots, finally, thousands, protestors", "+++ story, media, times, stories, york, truth, news
--- saying, stephens, sexist, talks, alt, hate, debate, tv, tweet, bush", "+++ october, national, american, u, news, south
--- corps, sexist, mile, talks, alt, hate, ground, partners, stephens, sheriff", "+++ news, national, later, war, history
--- chinese, german, sexist, talks, hungary, alt, hate, finally, stephens, paris", "+++ 11, october, times, u, half, 9, news, november, years, south
--- stephens, global, sexist, month, talks, alt, hate, finally, state, 0", "+++ media, times, york, team, years, president, john, george
--- all, stephens, sexist, talks, alt, hate, staff, finally, writes, wmw", "+++ national, john, november, october
--- rtd, stephens, sexist, battle, soldiers, alt, hate, tweet, thursday, bush", "+++ case, october, house, evidence, investigation, york, president, news, john
--- stephens, probe, sexist, discovered, talks, alt, hate, staff, justice, bush", "+++ however, johnson, years
--- atmosphere, stephens, caused, magnetic, sexist, talks, earth, alt, hate, electricity", "+++ 11, house, mr, years, american, team, 9, president, november, man
--- stephens, sexist, talks, alt, tweeted, hate, supporter, certainly, finally, bush", "+++ 11, national, later, american, secret, u, history
--- stephens, wakingtimes, sexist, talks, alt, nevada, hate, occupation, bush, edward", "+++ bush, stephens, sexist, years, talks, scalia, alt, hate, finally, black
--- ", "+++ american, clear
--- stephens, text, results, sexist, talks, alt, hate, children, formating, send", "+++ case, national, however, evidence, secret, mr, clear
--- stephens, violation, issued, sexist, talks, alt, hate, sheriff, justice, crime", "+++
--- stephens, cdc, results, sexist, skin, talks, alt, hate, children, sugar", "+++ florida, evidence, u, news, years, george
--- stephens, switched, global, results, sexist, talks, alt, hate, votes, voter", "+++ clear, good, however
--- consider, stephens, focus, sexist, talks, alt, hate, issues, based, knowledge", "+++ iran, media, clear, american, bush, u, president, war
--- stephens, sexist, talks, alt, hate, zone, turkish, finally, black, fly", "+++ house, national, american, u, york, president, white, john
--- stephens, sexist, talks, alt, hate, issues, judges, justice, bush, program", "+++ case, national, later, years, secret, evidence, history
--- phenomenon, founder, sexist, alien, talks, alt, hate, finally, stephens, extraterrestrial", "+++ president, house, national, florida, american, race, media, news, november, white
--- stephens, results, sexist, democrats, talks, alt, hate, debate, votes, bush", "+++ media, arms, evidence, american, u, 9, john, war
--- particularly, stephens, sexist, talks, alt, hate, gulf, bush, black, case", "+++ brown, news, cover, white, house
--- ron, lack, sexist, talks, alt, hate, stephens, jay, obamacare, bush", "+++ news, u, years
--- sector, gold, global, dollar, sexist, talks, alt, hate, chinese, bush", "+++ however, evidence, black, team, years, south
--- planetary, stephens, queen, sexist, discovered, talks, earth, alt, hate, finally", "+++ media, national, peace, years, american, u, president, black, white, war
--- stephens, global, sexist, talks, alt, hate, finally, justice, bush, case", "+++ case, story, evidence, later, cover, times, investigation, black, news, years
--- shot, stephens, allegations, sexist, gang, talks, alt, hate, children, suicide", "+++ october, iran, war
--- rebels, stephens, sexist, qaeda, mosul, battle, soldiers, alt, hate, turkish", "+++ story, october, house, later, years, november, man
--- shot, stephens, sexist, talks, alt, hate, children, finally, father, young", "+++ national, book, years
--- founder, sexist, talks, alt, hate, children, finally, stephens, father, bush" ], [ "+++ use
--- chinese, text, results, children, formating, appears, send, meant, regional, coast", "+++ culture, live
--- pope, text, global, souls, earth, fear, religious, children, formating, knowledge", "+++ what, sure, want, i, better, start, live, way, in, need
--- saying, all, text, results, children, formating, trying, send, going, meant", "+++ comment, 10, use, help, 1, 2, link, a, address, post
--- code, text, results, follow, trunews, formating, tv, send, 0, meant", "+++ 10
--- fungal, ginseng, text, results, mild, children, formating, state, send, ingredient", "+++ community, in
--- text, results, protest, children, formating, state, send, riots, black, thousands", "+++ comment, post
--- saying, text, results, debate, formating, tv, tweet, send, hall, meant", "+++ 3, american, native
--- corps, text, results, mile, children, formating, ground, partners, sheriff, send", "+++ jewish, jews, english
--- chinese, german, text, results, hungary, children, formating, paris, send, communist", "+++ 10, 1, 3, 2, 5, 4
--- text, global, results, month, children, formating, send, 0, 8, posted", "+++ a, 1, in, post, example, special
--- all, text, results, children, formating, staff, writes, wmw, state, send", "+++ a, 2, 5, 4
--- rtd, text, results, battle, soldiers, children, formating, tweet, send, earthquake", "+++ i, use
--- text, probe, results, discovered, children, formating, staff, justice, state, send", "+++ university, dr, use
--- atmosphere, caused, magnetic, results, earth, children, formating, electricity, send, environment", "+++ i, 10, american, in
--- text, results, tweeted, children, formating, certainly, send, going, 8, obama", "+++ american
--- text, wakingtimes, results, nevada, children, formating, occupation, 3, send, edward", "+++ american, clear
--- stephens, text, results, sexist, talks, alt, hate, children, formating, send", "+++ help, text, results, thanks, children, formating, write, character, send, writing
--- ", "+++ use, clear
--- violation, issued, results, children, formating, sheriff, justice, state, send, crime", "+++ use, help, results, 1, 3, 2, 5, 4, dr, children
--- cdc, text, skin, milk, formating, send, sugar, helps, meant, risk", "+++ sure, jewish, results, i, college, think
--- switched, text, global, children, formating, votes, voter, state, send, going", "+++ use, help, clear, needs, community, better, way, need, example
--- consider, text, focus, children, issues, based, knowledge, send, meant, means", "+++ clear, post, american, think
--- text, results, children, formating, zone, turkish, state, send, bush, meant", "+++ i, american, effort, policies
--- text, results, children, issues, judges, justice, state, send, program, creamer", "+++ dr
--- phenomenon, founder, text, results, alien, children, formating, extraterrestrial, tv, send", "+++ american, college, results
--- text, democrats, debate, formating, votes, state, send, won, candidates, carolina", "+++ american
--- particularly, text, results, children, formating, gulf, 3, send, meant, despite", "+++ needs, live, sure, help, takes
--- ron, text, lack, results, children, formating, jay, obamacare, send, meant", "+++
--- sector, gold, text, global, dollar, results, children, formating, chinese, 3", "+++ a, university, 2, 5, appears
--- planetary, text, queen, results, discovered, earth, children, formating, explain, send", "+++ american, policies, way
--- text, global, results, children, formating, justice, 3, send, black, meant", "+++ children
--- shot, text, allegations, results, gang, formating, suicide, state, send, crime", "+++ jewish
--- rebels, text, results, qaeda, mosul, battle, soldiers, children, formating, turkish", "+++ school, help, children
--- shot, text, results, formating, father, young, send, foster, local, meant", "+++ a, use, parents, children
--- founder, text, results, formating, 95, father, send, meant, garden, emphasized" ], [ "+++ use, force, government, however, according, states, officials, including, close, security
--- chinese, violation, issued, sheriff, justice, crime, going, local, activities, means", "+++ control, state, secret, order
--- pope, violation, issued, global, souls, earth, fear, religious, office, sheriff", "+++ going
--- saying, all, violation, issued, trying, sheriff, justice, crime, local, do", "+++ information, phone, search, use, at
--- code, violation, issued, comments, follow, trunews, sheriff, tv, crime, 0", "+++ state, force
--- vitamins, fungal, ginseng, issued, mild, sheriff, justice, crime, violation, going", "+++ police, government, national, rights, according, state, members, authorities, security, local
--- evidence, violation, issued, protest, sheriff, justice, crime, riots, going, black", "+++ information, sources, reported, public, told
--- saying, violation, issued, debate, sheriff, tv, tweet, crime, going, local", "+++ enforcement, police, sheriff, rights, national, arrested, according, reports, county, state
--- corps, violation, issued, mile, ground, partners, justice, thursday, crime, wood", "+++ states, national, citizens, public, government
--- chinese, german, issued, hungary, sheriff, paris, crime, violation, going, communist", "+++ high, reported, state, according, year
--- violation, issued, global, month, sheriff, justice, crime, 0, going, 8", "+++ control, activities, office, government, private, order, state, including, members, public
--- all, violation, issued, cases, staff, sheriff, justice, writes, wmw, crime", "+++ force, service, district, reported, national, reports, sources
--- rtd, evidence, violation, issued, battle, soldiers, sheriff, justice, tweet, thursday", "+++ case, information, attorney, reported, justice, decision, use, according, reports, evidence
--- violation, issued, probe, discovered, staff, sheriff, crime, going, huma, local", "+++ high, field, use, however, according
--- atmosphere, violation, caused, magnetic, earth, sheriff, electricity, crime, environment, going", "+++ office, civil, year, states, matter, going, mr
--- violation, issued, tweeted, supporter, certainly, sheriff, justice, crime, 8, obama", "+++ control, agency, jury, government, federal, national, secret, agencies, trial, state
--- violation, issued, wakingtimes, nevada, occupation, sheriff, justice, crime, edward, local", "+++ case, national, however, evidence, secret, mr, clear
--- stephens, violation, issued, sexist, talks, alt, hate, sheriff, justice, crime", "+++ clear, use
--- evidence, violation, text, results, children, formating, sheriff, justice, state, send", "+++ agency, office, violation, issued, actions, sources, including, police, sheriff, justice
--- ", "+++ high, use, including, cases
--- cdc, violation, issued, doctors, results, skin, children, sheriff, justice, 3", "+++ states, officials, office, according, reports, evidence, county, reported, state, going
--- switched, violation, issued, global, results, comments, votes, voter, sheriff, justice", "+++ control, information, use, means, clear, however, matter, order
--- consider, violation, issued, focus, issues, based, knowledge, sheriff, justice, crime", "+++ force, government, clear, states, state, security, order
--- evidence, violation, issued, zone, turkish, justice, crime, bush, going, local", "+++ attorney, office, national, states, year, court, constitution, justice, illegal, decision
--- evidence, violation, issued, issues, judges, sheriff, crime, program, creamer, local", "+++ case, information, national, agency, according, reports, evidence, reported, secret, told
--- phenomenon, founder, violation, issued, alien, sheriff, extraterrestrial, tv, crime, 0", "+++ states, national, according, state, told
--- violation, issued, results, democrats, debate, votes, sheriff, justice, crime, going", "+++ rights, government, crimes, evidence, states, state, including, year
--- particularly, violation, issued, publish, gulf, justice, crime, going, pay, local", "+++ phone, order, service
--- ron, violation, issued, lack, sheriff, jay, justice, obamacare, crime, going", "+++ government, federal, pay, private, high, state, year
--- sector, gold, violation, issued, global, dollar, chinese, sheriff, justice, crime", "+++ field, evidence, however, according
--- planetary, violation, issued, queen, discovered, earth, sheriff, justice, explain, crime", "+++ control, rights, government, justice, national, citizens, order, states, civil, state
--- violation, issued, global, sheriff, crime, going, black, local, activities, mainstream", "+++ attorney, crimes, evidence, officials, year, police, crime, state, prison, department
--- shot, violation, issued, allegations, gang, children, suicide, sheriff, justice, going", "+++ government, according, reports, state, including, security
--- rebels, violation, issued, qaeda, mosul, battle, soldiers, sheriff, turkish, justice", "+++ told, local, gun, service, year
--- shot, violation, issued, children, sheriff, justice, father, young, crime, foster", "+++ states, national, use, drug
--- founder, violation, issued, children, sheriff, justice, father, crime, going, local" ], [ "+++ anti, use, including
--- chinese, cdc, results, skin, children, weapons, sugar, helps, risk, regional", "+++ body, heart, great, natural, day
--- pope, cdc, global, souls, skin, earth, fear, moon, religious, milk", "+++ great, day, best, d
--- saying, all, cdc, results, skin, children, trying, sugar, going, helps", "+++ 1, use, 2, help
--- code, cdc, results, skin, follow, trunews, access, tv, sugar, 0", "+++ brain, health
--- fungal, cdc, ginseng, results, mild, skin, children, content, state, sugar", "+++ food, anti, day
--- cdc, results, protest, skin, milk, state, sugar, riots, black, helps", "+++ anti, day
--- saying, cdc, results, skin, debate, tv, tweet, sugar, helps, posted", "+++ water, 3, oil
--- corps, cdc, results, mile, skin, children, ground, partners, sheriff, thursday", "+++ known, great, women
--- chinese, cdc, german, results, skin, hungary, children, paris, sugar, helps", "+++ high, study, increase, 3, 2, 5, 4, 1, day, low
--- cdc, global, results, month, skin, milk, sugar, 0, helps, 8", "+++ 1, including
--- all, cdc, results, skin, milk, staff, access, writes, wmw, 3", "+++ 2, 5, day, 4
--- rtd, cdc, results, skin, battle, soldiers, children, tweet, thursday, sugar", "+++ use
--- cdc, probe, results, discovered, skin, children, staff, justice, 3, sugar", "+++ body, high, use, natural, risk, food, cause, study, studies, plant
--- atmosphere, cdc, caused, magnetic, results, skin, earth, children, cell, animal", "+++ great, anti, day
--- cdc, results, skin, tweeted, children, certainly, sugar, going, helps, 8", "+++ oil, natural
--- refuge, cdc, wakingtimes, results, skin, nevada, children, occupation, 3, sugar", "+++
--- stephens, cdc, results, sexist, skin, talks, alt, hate, children, sugar", "+++ use, help, results, 1, 3, 2, 5, 4, dr, children
--- cdc, text, skin, milk, formating, send, sugar, helps, meant, risk", "+++ high, use, including, cases
--- cdc, violation, issued, filed, results, skin, children, sheriff, justice, state", "+++ help, cdc, results, brain, including, skin, research, children, increase, cup
--- ", "+++ d, results, day
--- switched, global, skin, children, votes, voter, cdc, state, sugar, going", "+++ use, important, help, best, common
--- consider, cdc, focus, skin, creative, milk, issues, current, based, knowledge", "+++
--- cdc, results, skin, children, current, zone, turkish, 3, sugar, bush", "+++ health, d
--- cdc, results, skin, children, issues, judges, justice, state, sugar, program", "+++ health, dr, research
--- phenomenon, founder, cdc, results, alien, skin, milk, extraterrestrial, tv, sugar", "+++ results, day
--- cdc, democrats, skin, children, votes, state, sugar, candidates, helps, obama", "+++ oil, including
--- particularly, cdc, results, skin, children, weapons, gulf, 3, sugar, helps", "+++ tea, health, help, best, d
--- ron, cdc, lack, results, skin, children, jay, obamacare, sugar, helps", "+++ increase, high, oil, products, low
--- sector, gold, cdc, global, dollar, results, prices, skin, milk, current", "+++ known, science, study, 2, 5
--- planetary, cdc, queen, results, discovered, skin, earth, milk, explain, sugar", "+++ anti
--- cdc, global, results, skin, milk, justice, 3, sugar, black, helps", "+++ medical, cases, children
--- shot, cdc, filed, allegations, results, gang, skin, milk, suicide, state", "+++ including
--- rebels, cdc, results, qaeda, mosul, skin, battle, soldiers, children, weapons", "+++ blood, women, help, day, children
--- shot, cdc, results, skin, milk, father, young, sugar, foster, helps", "+++ use, d, drugs, science, study, medical, birth, children
--- founder, cdc, results, known, skin, milk, father, sugar, helps, garden" ], [ "+++ country, according, states, officials, u, news, the, told
--- chinese, switched, global, results, votes, voter, going, tape, voted, 8", "+++ right, global, state, the, believe, day
--- pope, switched, souls, earth, fear, religious, votes, voter, office, religion", "+++ real, think, right, says, d, i, country, years, re, going
--- saying, all, switched, global, results, votes, voter, tape, voted, 8", "+++ news, comments, posted
--- code, switched, global, results, follow, trunews, votes, voter, tv, 0", "+++ jones, state
--- fungal, switched, ginseng, global, results, mild, votes, voter, cannabis, going", "+++ country, soros, according, day, state, the, george
--- switched, global, results, protest, votes, voter, riots, going, black, voted", "+++ real, wnd, reporting, reported, press, news, the, posted, day, told
--- saying, switched, global, results, debate, votes, voter, tv, tweet, going", "+++ states, says, according, reports, county, state, u, news, line
--- corps, switched, global, results, mile, ground, partners, votes, voter, sheriff", "+++ says, jewish, country, states, news, the, similar
--- chinese, switched, german, global, results, hungary, votes, voter, paris, going", "+++ says, global, according, years, reported, state, u, news, 8, the
--- switched, results, month, votes, voter, 0, going, tape, voted, oct", "+++ real, the, office, years, state, board, line, george
--- all, switched, global, results, staff, votes, voter, writes, wmw, to", "+++ reported, line, day, reports, posted
--- rtd, switched, global, results, battle, soldiers, votes, voter, tweet, thursday", "+++ i, official, political, according, reports, evidence, reported, state, officials, election
--- switched, probe, results, discovered, line, staff, votes, voter, justice, going", "+++ similar, according, years
--- atmosphere, switched, caused, magnetic, global, results, earth, votes, voter, electricity", "+++ right, says, office, i, country, political, years, states, going, election
--- switched, global, results, tweeted, supporter, certainly, voter, tape, voted, he", "+++ state, u, texas
--- switched, wakingtimes, global, results, nevada, occupation, votes, voter, edward, tape", "+++ florida, evidence, u, news, years, george
--- stephens, switched, global, results, sexist, talks, alt, hate, votes, voter", "+++ sure, jewish, results, i, college, think
--- switched, text, global, children, formating, votes, voter, appears, state, send", "+++ states, officials, office, according, reports, evidence, county, reported, state, going
--- switched, violation, issued, global, results, legal, votes, voter, sheriff, justice", "+++ d, results, day
--- cdc, global, skin, children, votes, voter, switched, 3, sugar, going", "+++ soros, office, switched, neilson, results, years, held, paper, votes, voter
--- ", "+++ real, process
--- consider, switched, global, focus, issues, votes, voter, based, knowledge, going", "+++ country, political, states, state, u, the, think
--- switched, global, results, votes, voter, zone, turkish, bush, going, tape", "+++ right, d, office, i, country, states, state, u, the
--- switched, global, results, legal, issues, judges, voter, justice, program, creamer", "+++ evidence, official, according, reports, years, reported, told, posted
--- phenomenon, founder, switched, global, results, alien, votes, voter, extraterrestrial, tv", "+++ rigged, votes, cast, florida, voters, electoral, results, according, states, political
--- switched, global, democrats, debate, voter, going, candidates, voted, 8, obama", "+++ country, political, evidence, states, state, u
--- particularly, switched, global, results, publish, votes, voter, gulf, hayden, going", "+++ right, d, re, sure, news, the
--- ron, switched, lack, results, votes, voter, jay, obamacare, going, tape", "+++ real, global, years, state, u, news
--- sector, gold, switched, dollar, results, votes, voter, chinese, going, tape", "+++ the, paper, evidence, according, years
--- planetary, switched, queen, results, discovered, earth, votes, voter, explain, going", "+++ real, right, country, global, political, elections, years, states, state, u
--- switched, results, votes, voter, justice, going, black, voted, 8, sent", "+++ according, reports, years, reported, state, officials, news, the, evidence, told
--- shot, switched, global, allegations, results, gang, children, votes, voter, crime", "+++ jewish, according, reports, held, state, the
--- rebels, switched, global, results, qaeda, mosul, battle, soldiers, votes, voter", "+++ posted, told, says, day, years
--- shot, switched, global, results, children, votes, voter, father, young, foster", "+++ states, the, d, years
--- founder, switched, global, results, children, votes, voter, cannabis, father, going" ], [ "+++ world, use, possible, long, however
--- consider, chinese, focus, issues, current, based, knowledge, means, regional, coast", "+++ control, life, knowledge, power, point, self, mind, free, reality, society
--- consider, pope, global, souls, earth, fear, creative, religious, issues, based", "+++ real, life, good, point, feel, things, work, long, one, better
--- saying, all, consider, focus, issues, trying, based, knowledge, going, do", "+++ information, use, help, today, social
--- code, consider, focus, follow, trunews, issues, current, based, knowledge, tv", "+++ life, mind, free
--- fungal, consider, ginseng, focus, mild, issues, based, knowledge, ingredient, means", "+++ home, continue, lives, community, change
--- consider, focus, protest, issues, based, knowledge, riots, black, thousands, protestors", "+++ real, article, information, social
--- saying, consider, focus, debate, issues, based, knowledge, tv, tweet, mainstream", "+++
--- consider, corps, focus, mile, issues, ground, partners, based, knowledge, sheriff", "+++ world, result, today
--- consider, chinese, german, focus, hungary, issues, based, knowledge, paris, communist", "+++ point, number, change, home, world, today
--- consider, global, focus, month, issues, based, knowledge, state, 0, 8", "+++ real, control, personal, work, order, article, making, example
--- all, consider, focus, issues, staff, current, based, knowledge, writes, wmw", "+++
--- rtd, consider, focus, battle, soldiers, issues, based, knowledge, tweet, thursday", "+++ personal, information, use, long
--- consider, probe, focus, discovered, issues, staff, based, knowledge, justice, investigation", "+++ use, power, however, long, human, technology
--- atmosphere, consider, caused, magnetic, focus, earth, research, issues, current, based", "+++ things, possible, long, matter, article, world, today
--- consider, focus, tweeted, supporter, issues, certainly, based, knowledge, going, 8", "+++ control, long, free, power, face
--- consider, wakingtimes, focus, nevada, issues, occupation, based, knowledge, edward, torture", "+++ clear, good, however
--- consider, stephens, focus, sexist, talks, alt, hate, issues, based, knowledge", "+++ use, help, clear, needs, community, better, way, need, example
--- consider, text, results, children, formating, based, knowledge, send, meant, means", "+++ control, information, use, means, clear, however, matter, order
--- consider, violation, issued, focus, issues, based, knowledge, sheriff, justice, crime", "+++ use, important, help, best, common
--- consider, cdc, results, skin, research, children, issues, current, based, knowledge", "+++ real, process
--- consider, switched, global, results, issues, votes, voter, based, knowledge, going", "+++ consider, focus, human, issues, help, based, knowledge, personal, better, feel
--- ", "+++ power, clear, current, world, order, change
--- consider, focus, issues, based, knowledge, zone, turkish, bush, means, tanks", "+++ action, work, change, issues, one
--- consider, focus, judges, based, knowledge, justice, program, creamer, congressional, cuba", "+++ world, information, subject
--- phenomenon, founder, focus, alien, research, issues, consider, based, knowledge, extraterrestrial", "+++ person, change, point
--- consider, results, democrats, debate, issues, votes, based, knowledge, candidates, carolina", "+++ world, number, human
--- particularly, consider, focus, issues, current, based, knowledge, gulf, means, negative", "+++ needs, help, free, long, order, best
--- consider, ron, lack, focus, issues, based, knowledge, jay, obamacare, brown", "+++ real, system, long, current, free, world
--- sector, consider, gold, global, dollar, focus, issues, based, chinese, treasury", "+++ technology, place, however, long
--- planetary, consider, queen, focus, discovered, earth, issues, based, knowledge, explain", "+++ real, control, power, self, free, society, future, long, way, social
--- consider, global, focus, issues, based, knowledge, justice, black, mainstream, means", "+++ lives, home, life, place
--- shot, consider, allegations, focus, gang, children, issues, suicide, based, knowledge", "+++
--- rebels, focus, qaeda, mosul, battle, soldiers, issues, consider, weapons, based", "+++ home, life, face, help, social
--- shot, consider, child, focus, children, issues, based, knowledge, father, young", "+++ use, human
--- consider, founder, focus, children, issues, based, knowledge, father, garden, means" ], [ "+++ force, washington, general, states, president, united, nuclear, government, relations, attack
--- operations, coup, alliance, clinton, chinese, presence, neocon, political, america, strategic", "+++ end, power, us, order, state, world, the, called
--- pope, global, souls, earth, fear, religious, knowledge, zone, turkish, bush", "+++ we, end, that, country, no, us, course, so, world, think
--- saying, all, trying, zone, turkish, bush, going, obama, do, stop", "+++ policy, post
--- code, follow, trunews, current, zone, turkish, tv, 0, bush, obama", "+++ state, force
--- fungal, ginseng, mild, zone, turkish, bush, obama, ingredient, activation, tanks", "+++ government, country, state, attack, security, america, the, change
--- protest, zone, turkish, riots, bush, black, thousands, protestors, fly, cannon", "+++ media, post, propaganda, the
--- saying, debate, zone, turkish, tv, tweet, bush, obama, mainstream, watch", "+++ states, american, we, u, state
--- called, corps, mile, ground, partners, sheriff, turkish, thursday, bush, wood", "+++ europe, called, eastern, united, countries, country, government, war, states, west
--- chinese, german, hungary, zone, turkish, paris, bush, communist, population, far", "+++ end, state, u, 2014, world, the, change
--- global, month, zone, turkish, 0, bush, 8, posted, oct, far", "+++ the, government, media, general, state, policy, president, post, order, called
--- all, staff, current, zone, turkish, writes, wmw, to, bush, include", "+++ military, force, general
--- rtd, battle, soldiers, zone, turkish, tweet, thursday, bush, posted, veterans", "+++ clinton, washington, influence, political, hillary, general, state, president, the, presidential
--- called, probe, discovered, staff, zone, turkish, justice, bush, huma, sent", "+++ power
--- atmosphere, caused, magnetic, produce, earth, cell, zone, turkish, electricity, environment", "+++ president, united, clinton, country, washington, hillary, states, course, american, political
--- tweeted, supporter, certainly, zone, turkish, bush, going, 8, hope, tanks", "+++ interests, coup, cia, power, government, intelligence, american, state, u, security
--- wakingtimes, nevada, occupation, zone, turkish, bush, edward, obama, torture, bear", "+++ iran, media, clear, american, bush, u, president, war
--- called, stephens, sexist, talks, alt, hate, zone, turkish, finally, black", "+++ clear, post, american, think
--- called, text, results, children, formating, appears, zone, turkish, state, send", "+++ force, government, clear, states, state, security, order
--- evidence, violation, issued, sheriff, turkish, justice, crime, bush, going, local", "+++
--- cdc, results, skin, children, current, zone, turkish, 3, sugar, bush", "+++ country, political, states, state, u, the, think
--- called, switched, global, results, votes, voter, zone, turkish, bush, going", "+++ power, clear, current, world, order, change
--- consider, focus, issues, based, knowledge, zone, turkish, bush, means, tanks", "+++ coup, course, world, cold, zone, turkish, bush, nato, overthrow, policy
--- ", "+++ we, united, general, government, country, washington, american, america, foreign, states
--- called, issues, judges, zone, turkish, justice, bush, program, creamer, congressional", "+++ world, threat, intelligence
--- phenomenon, founder, alien, zone, turkish, tv, 0, bush, posted, extraterrestrials", "+++ clinton, political, washington, state, states, american, presidential, media, president, obama
--- called, results, democrats, debate, votes, zone, turkish, bush, candidates, carolina", "+++ media, called, united, libya, countries, intelligence, government, political, american, foreign
--- particularly, current, gulf, turkish, bush, tanks, despite, report, assad, governments", "+++ we, us, 2014, the, order, obama
--- ron, lack, zone, jay, obamacare, bush, brown, worst, tanks, report", "+++ countries, government, current, state, u, policy, world
--- sector, gold, global, dollar, chinese, zone, turkish, bush, treasury, street", "+++ the, called
--- planetary, queen, discovered, earth, zone, turkish, explain, bush, black, famous", "+++ leaders, states, course, president, united, end, media, political, state, policy
--- control, anti, clinton, coup, civil, global, confrontation, years, revolution, moral", "+++ the, state, attack, called
--- shot, allegations, gang, children, suicide, zone, turkish, crime, bush, black", "+++ middle, syrian, regime, turkey, turkish, west, eastern, state, attack, international
--- operations, coup, bush, clinton, rebels, campaign, terrorists, neocon, administration, confrontation", "+++ middle
--- shot, children, zone, turkish, father, young, bush, foster, obama, local", "+++ states, the
--- founder, children, zone, turkish, father, bush, plants, garden, tanks, assad" ], [ "+++ united, group, government, country, washington, foreign, states, defense, u, president
--- chinese, issues, judges, justice, program, creamer, congressional, cuba, regional, coast", "+++ state, right, the
--- pope, global, souls, earth, fear, religious, issues, judges, office, justice", "+++ we, right, d, i, country, work, one
--- saying, all, issues, judges, trying, justice, going, creamer, obama, congressional", "+++ policy, list
--- code, comments, follow, trunews, issues, judges, tv, 0, program, creamer", "+++ 2015, state, health, campaign
--- vitamins, fungal, ginseng, mild, issues, judges, justice, program, creamer, obama", "+++ group, government, country, national, rights, nation, state, 000, california, members
--- protest, issues, judges, justice, riots, program, black, thousands, congressional, protestors", "+++ speech, the, list, york, campaign
--- saying, debate, issues, judges, tv, tweet, program, creamer, obama, congressional", "+++ we, rights, national, state, states, american, americans, department, u, law
--- corps, mile, issues, ground, partners, judges, sheriff, justice, thursday, wood", "+++ citizens, government, country, national, muslim, states, second, united, the
--- called, chinese, german, hungary, issues, judges, paris, program, creamer, communist", "+++ 20, second, state, 000, u, year, 2015, the, change
--- global, month, issues, judges, justice, 0, program, creamer, 8, posted", "+++ group, office, government, money, work, chief, general, state, 000, york
--- all, issues, staff, judges, justice, writes, wmw, to, program, creamer", "+++ national, john, chief, general
--- rtd, battle, soldiers, issues, judges, justice, tweet, thursday, program, creamer", "+++ attorney, congress, campaign, justice, house, decision, washington, i, general, director
--- probe, discovered, issues, staff, judges, program, creamer, huma, sent, cuba", "+++ california, health
--- atmosphere, caused, magnetic, mexican, issues, judges, electricity, environment, program, creamer", "+++ right, campaign, office, i, house, washington, america, nation, states, elected
--- tweeted, supporter, issues, certainly, justice, going, creamer, 8, hope, cuba", "+++ group, government, federal, national, american, state, defense, u, year, security
--- wakingtimes, nevada, issues, occupation, judges, justice, edward, creamer, keystone, obama", "+++ house, national, american, u, york, president, white, john
--- stephens, sexist, talks, alt, hate, issues, judges, justice, bush, program", "+++ i, american, effort, policies
--- text, results, children, formating, judges, justice, state, send, program, creamer", "+++ attorney, office, national, states, year, court, constitution, justice, illegal, decision
--- evidence, violation, issued, issues, judges, sheriff, crime, going, creamer, local", "+++ health, d
--- cdc, results, skin, children, issues, judges, justice, 3, sugar, program", "+++ right, d, office, i, country, states, state, u, the
--- switched, global, results, comments, issues, votes, voter, justice, going, tape", "+++ action, work, change, issues, one
--- consider, focus, judges, based, knowledge, justice, program, creamer, congressional, cuba", "+++ we, united, general, government, country, washington, american, america, foreign, states
--- issues, judges, zone, turkish, justice, bush, program, creamer, congressional, cuba", "+++ mexican, office, money, executive, committee, issues, judges, group, justice, barack
--- ", "+++ 2015, health, national, group, committee
--- phenomenon, founder, alien, issues, judges, extraterrestrial, tv, 0, program, creamer", "+++ states, campaign, senate, house, national, washington, american, barack, state, americans
--- results, democrats, debate, issues, votes, justice, program, candidates, congressional, carolina", "+++ united, john, group, campaign, government, money, rights, american, foreign, states
--- particularly, publish, issues, judges, gulf, justice, program, creamer, congressional, cuba", "+++ we, right, d, house, executive, health, americans, white, the, obama
--- ron, lack, issues, judges, jay, justice, obamacare, program, creamer, congressional", "+++ government, federal, money, tax, state, u, year, policy
--- sector, gold, global, dollar, issues, judges, chinese, justice, program, creamer", "+++ the
--- planetary, mexico, queen, discovered, earth, issues, judges, justice, explain, program", "+++ right, national, states, americans, united, justice, state, policy, white, government
--- global, issues, judges, program, black, congressional, mainstream, cuba, far, trade", "+++ attorney, court, chief, state, year, department, the
--- shot, allegations, gang, children, issues, judges, suicide, justice, crime, program", "+++ group, campaign, government, muslim, state, 000, security, the
--- rebels, qaeda, mosul, battle, soldiers, issues, judges, turkish, justice, iraqi", "+++ house, muslim, gun, year
--- shot, children, issues, judges, justice, father, young, program, creamer, money", "+++ states, the, national, california, d
--- founder, children, issues, judges, justice, 95, father, program, creamer, congressional" ], [ "+++ world, group, according, threat, told
--- phenomenon, chinese, alien, founder, lights, tv, 0, extraterrestrials, egyptian, regional", "+++ source, secret, history, world
--- phenomenon, pope, global, souls, alien, earth, fear, moon, religious, founder", "+++ world, years
--- saying, all, phenomenon, founder, alien, trying, lights, tv, 0, going", "+++ articles, source, tv, related, 0, information, data, posted
--- code, phenomenon, founder, alien, follow, trunews, lights, list, extraterrestrials, egyptian", "+++ 2015, source, health, meat, lab
--- fungal, phenomenon, founder, ginseng, alien, mild, hai, lights, tv, 0", "+++ national, group, according
--- phenomenon, founder, alien, protest, extraterrestrial, tv, riots, 0, black, thousands", "+++ information, released, tv, reported, video, report, posted, told
--- saying, phenomenon, founder, alien, debate, extraterrestrial, tweet, 0, extraterrestrials, mainstream", "+++ national, according, reports
--- phenomenon, corps, alien, mile, ground, partners, founder, sheriff, lights, tv", "+++ world, national, later, history
--- phenomenon, chinese, german, alien, hungary, founder, lights, paris, 0, topic", "+++ reported, according, years, 0, report, 2015, world, data, posted
--- phenomenon, founder, global, month, alien, lights, tv, state, 8, oct", "+++ source, group, years
--- all, phenomenon, founder, alien, staff, lights, tv, writes, wmw, to", "+++ reported, national, reports, posted
--- rtd, phenomenon, founder, alien, battle, soldiers, extraterrestrial, tv, tweet, thursday", "+++ case, information, official, reported, classified, according, related, evidence, source, documents
--- phenomenon, founder, probe, discovered, staff, lights, justice, 0, huma, sent", "+++ scientific, lights, according, research, source, health, scientists, years, dr
--- atmosphere, phenomenon, founder, caused, magnetic, alien, earth, electricity, environment, 0", "+++ world, history, event, years
--- phenomenon, founder, alien, tweeted, supporter, certainly, lights, tv, 0, going", "+++ later, group, intelligence, national, agency, secret, nsa, history
--- phenomenon, founder, wakingtimes, alien, nevada, occupation, extraterrestrial, tv, 0, edward", "+++ case, national, later, evidence, secret, years, history
--- phenomenon, stephens, sexist, alien, talks, alt, hate, founder, lights, tv", "+++ dr
--- phenomenon, founder, text, results, alien, children, formating, lights, tv, send", "+++ case, information, national, agency, according, reports, evidence, reported, secret, told
--- phenomenon, founder, violation, issued, alien, sheriff, lights, justice, crime, 0", "+++ health, dr, research
--- phenomenon, founder, cdc, results, alien, skin, children, lights, tv, sugar", "+++ evidence, official, according, reports, years, reported, told, posted
--- phenomenon, founder, switched, global, results, alien, votes, voter, lights, tv", "+++ world, information, subject
--- consider, founder, focus, alien, creative, issues, phenomenon, based, knowledge, lights", "+++ world, threat, intelligence
--- phenomenon, founder, alien, zone, turkish, tv, 0, bush, posted, extraterrestrials", "+++ 2015, health, national, group, committee
--- phenomenon, founder, alien, issues, judges, extraterrestrial, justice, 0, program, creamer", "+++ phenomenon, founder, years, alien, symbolism, committee, chaffetz, group, lights, tv
--- ", "+++ national, according, committee, told
--- phenomenon, founder, results, alien, democrats, debate, votes, favor, tv, 0", "+++ group, intelligence, evidence, report, 2015, world
--- particularly, phenomenon, founder, alien, gulf, lights, tv, 0, topic, extraterrestrials", "+++ report, health
--- phenomenon, ron, lack, alien, founder, jay, tv, obamacare, 0, posted", "+++ world, years
--- sector, phenomenon, gold, global, dollar, alien, chinese, extraterrestrial, tv, 0", "+++ space, according, years, source, nasa, anonymous, scientists, evidence, event
--- planetary, phenomenon, founder, queen, discovered, earth, lights, tv, explain, 0", "+++ world, national, history, years
--- phenomenon, founder, global, alien, dimension, lights, justice, 0, black, extraterrestrials", "+++ case, later, according, reports, years, reported, report, evidence, told
--- shot, phenomenon, founder, allegations, alien, gang, children, suicide, extraterrestrial, tv", "+++ group, according, reports
--- rebels, founder, alien, qaeda, mosul, battle, soldiers, phenomenon, turkish, tv", "+++ later, years, eddie, video, told, posted
--- shot, phenomenon, founder, alien, children, lights, tv, father, young, 0", "+++ national, scientific, related, founder, years
--- phenomenon, alien, children, lights, tv, father, 0, extraterrestrials, garden, egyptian" ], [ "+++ north, washington, according, states, president, news, secretary, told
--- chinese, results, democrats, debate, votes, candidates, carolina, michigan, regional, coast", "+++ state, race, day, fact, point
--- pope, global, souls, democrats, earth, fear, religious, debate, votes, knowledge", "+++ person, day, point
--- saying, all, results, democrats, debate, votes, trying, going, candidates, he", "+++ news, november, support
--- code, results, democrats, follow, trunews, votes, tv, 0, candidates, posted", "+++ state, campaign
--- fungal, ginseng, results, mild, democrats, debate, votes, candidates, obama, ingredient", "+++ week, national, according, state, day, change
--- results, protest, democrats, debate, votes, riots, black, thousands, protestors, cannon", "+++ week, campaign, media, day, speech, cnn, news, debate, told
--- saying, results, democrats, votes, tv, tweet, candidates, posted, carolina, mainstream", "+++ north, support, american, according, states, state, americans, news, national
--- corps, results, mile, democrats, debate, ground, partners, votes, sheriff, thursday", "+++ states, news, national, fact
--- chinese, german, results, democrats, hungary, debate, votes, paris, candidates, communist", "+++ week, point, support, percent, likely, according, early, record, state, points
--- global, results, month, democrats, debate, votes, 0, candidates, 8, posted", "+++ media, state, support, fact, president
--- all, results, democrats, debate, staff, votes, writes, wmw, to, candidates", "+++ november, national, day, moore
--- rtd, results, democrats, battle, soldiers, debate, votes, tweet, thursday, indian", "+++ president, democratic, clinton, campaign, house, washington, according, political, state, election
--- probe, results, discovered, democrats, debate, staff, votes, justice, candidates, huma", "+++ according, lead
--- atmosphere, caused, magnetic, results, democrats, earth, debate, votes, lights, electricity", "+++ clinton, trump, campaign, house, washington, states, donald, americans, election, vote
--- rigged, elect, megyn, office, violence, wall, percent, tuesday, secretary, results", "+++ american, national, state
--- wakingtimes, results, democrats, nevada, debate, occupation, votes, edward, candidates, bundy", "+++ president, house, national, florida, american, race, media, news, november, white
--- stephens, results, sexist, democrats, talks, alt, hate, debate, votes, bush", "+++ american, college, results
--- text, democrats, children, formating, votes, state, send, version, candidates, carolina", "+++ states, national, according, state, told
--- violation, issued, results, democrats, debate, votes, sheriff, justice, crime, going", "+++ results, day
--- cdc, democrats, skin, children, votes, 3, sugar, candidates, helps, obama", "+++ rigged, votes, cast, florida, voters, electoral, elections, results, states, political
--- switched, global, democrats, debate, voter, going, tape, voted, 8, posted", "+++ person, change, point
--- consider, secretary, focus, democrats, debate, issues, votes, based, knowledge, candidates", "+++ clinton, political, washington, state, states, american, presidential, media, president, obama
--- results, democrats, debate, votes, zone, turkish, bush, candidates, carolina, michigan", "+++ states, campaign, senate, house, national, washington, american, barack, state, americans
--- results, democrats, debate, issues, judges, justice, program, creamer, congressional, carolina", "+++ national, according, committee, told
--- phenomenon, founder, results, alien, democrats, debate, votes, favor, tv, 0", "+++ results, democrats, committee, debate, votes, candidate, winning, barack, candidates, 2012
--- ", "+++ campaign, media, support, political, american, states, state, wikileaks
--- particularly, results, democrats, debate, votes, gulf, candidates, carolina, michigan, despite", "+++ lead, house, green, democrat, running, americans, cnn, news, white, gop
--- ron, lack, results, democrats, debate, votes, jay, obamacare, candidates, carolina", "+++ news, state
--- sector, gold, global, dollar, results, democrats, debate, votes, chinese, candidates", "+++ according
--- planetary, queen, results, discovered, democrats, earth, debate, votes, explain, black", "+++ president, media, national, political, state, elections, states, american, americans, fact
--- global, results, democrats, debate, votes, justice, black, carolina, mainstream, far", "+++ news, state, according, told
--- shot, secretary, allegations, results, gang, children, votes, suicide, crime, black", "+++ state, support, according, campaign
--- rebels, results, qaeda, mosul, battle, soldiers, debate, votes, turkish, iraqi", "+++ house, she, party, november, day, told
--- shot, results, democrats, children, votes, father, young, foster, candidates, obama", "+++ states, national
--- founder, results, democrats, children, votes, father, candidates, carolina, garden, michigan" ], [ "+++ states, united, group, u, countries, country, region, government, foreign, weapons
--- particularly, chinese, gulf, regional, coast, joint, despite, report, governments, saudi", "+++ world, state, called, human
--- particularly, pope, global, souls, earth, fear, religious, knowledge, gulf, religion", "+++ world, there, country
--- saying, all, particularly, sales, trying, gulf, re, going, do, stop", "+++ policy, rt, support, published
--- code, particularly, sales, comments, follow, trunews, access, gulf, tv, 0", "+++ 2015, state, campaign
--- fungal, particularly, ginseng, mild, gulf, cannabis, ingredient, activation, sales, despite", "+++ group, rights, country, government, state, 000, groups
--- particularly, sales, protest, gulf, riots, black, thousands, protestors, homes, cannon", "+++ journalists, campaign, media, narrative, interview, published, report
--- saying, particularly, sales, debate, gulf, tv, tweet, mainstream, watch, facebook", "+++ oil, rights, support, state, states, american, u, region
--- particularly, corps, sales, mile, ground, partners, sheriff, thursday, wood, local", "+++ united, countries, country, government, africa, british, called, states, western, world
--- particularly, chinese, german, hungary, gulf, paris, communist, far, merkel, despite", "+++ 9, support, million, number, report, state, 000, u, year, 2015
--- particularly, global, month, gulf, 0, 8, posted, oct, organizations, far", "+++ media, claims, group, government, money, support, million, state, 000, including
--- all, particularly, staff, access, gulf, writes, wmw, to, include, activities", "+++ john, center
--- rtd, particularly, sales, battle, soldiers, gulf, tweet, thursday, posted, veterans", "+++ campaign, political, evidence, state, 000, 2015, wikileaks, john
--- particularly, probe, discovered, staff, gulf, justice, huma, sent, lynch, despite", "+++ center, human, published
--- atmosphere, particularly, sales, caused, magnetic, produce, earth, cell, gulf, electricity", "+++ united, campaign, country, political, states, american, year, 9, world, called
--- particularly, tweeted, supporter, certainly, gulf, going, 8, obama, hope, despite", "+++ oil, group, government, intelligence, published, american, state, u, year
--- particularly, wakingtimes, nevada, occupation, gulf, edward, torture, bear, cheaper, despite", "+++ media, arms, evidence, american, u, 9, john, war
--- particularly, stephens, sales, sexist, talks, alt, hate, gulf, bush, black", "+++ american
--- called, particularly, sales, text, results, children, formating, gulf, state, send", "+++ rights, government, crimes, evidence, states, state, including, year
--- particularly, violation, issued, legal, sheriff, justice, crime, going, local, activities", "+++ oil, including
--- particularly, cdc, sales, results, skin, children, weapons, gulf, 3, sugar", "+++ country, political, evidence, states, state, u
--- particularly, switched, sales, global, results, comments, votes, voter, gulf, re", "+++ world, number, human
--- particularly, consider, focus, issues, current, based, knowledge, gulf, means, despite", "+++ media, united, war, libya, countries, intelligence, government, political, american, foreign
--- particularly, current, zone, turkish, bush, tanks, despite, report, assad, governments", "+++ united, group, campaign, rights, money, government, year, american, foreign, states
--- particularly, publish, issues, judges, gulf, justice, program, creamer, congressional, cuba", "+++ group, intelligence, evidence, 2015, report, world
--- particularly, phenomenon, founder, sales, alien, gulf, extraterrestrial, tv, 0, topic", "+++ campaign, media, support, political, american, states, state, wikileaks
--- particularly, results, democrats, debate, votes, gulf, candidates, carolina, michigan, despite", "+++ particularly, money, terrorist, embassy, including, human, group, gulf, policy, 2011
--- ", "+++ report, al
--- particularly, ron, lack, gulf, jay, obamacare, brown, worst, despite, governments", "+++ billion, oil, financial, countries, money, government, state, u, year, policy
--- sector, particularly, gold, global, dollar, weapons, chinese, gulf, treasury, street", "+++ called, evidence
--- planetary, particularly, sales, queen, discovered, earth, gulf, explain, black, famous", "+++ media, rights, countries, country, support, government, political, american, foreign, states
--- particularly, global, gulf, justice, black, mainstream, far, despite, report, trade", "+++ crimes, evidence, state, year, report, claims, called
--- shot, sales, allegations, gang, particularly, children, suicide, gulf, crime, black", "+++ terrorist, group, campaign, isis, attacks, region, government, al, war, weapons
--- particularly, rebels, qaeda, mosul, battle, soldiers, gulf, turkish, iraqi, terror", "+++ middle, year
--- shot, sales, particularly, children, gulf, father, young, foster, money, local", "+++ states, human
--- particularly, founder, sales, children, gulf, cannabis, father, garden, despite, report" ], [ "+++ news, the, us, long, air
--- chinese, lack, ron, jay, obamacare, brown, regional, coast, joint, worst", "+++ right, us, away, long, live, free, the, come, order
--- pope, global, souls, earth, fear, religious, ron, jay, obamacare, lord", "+++ we, right, d, big, away, live, long, re, bad, sure
--- saying, all, ron, lack, trying, jay, obamacare, going, he, do", "+++ news, help, phone
--- code, ron, lack, follow, trunews, jay, tv, obamacare, 0, posted", "+++ health, free
--- fungal, ron, ginseng, lack, mild, jay, obamacare, obama, ingredient, brown", "+++ city, the, come, crisis
--- ron, lack, protest, jay, obamacare, riots, black, thousands, protestors, brown", "+++ report, news, the, cnn, online
--- saying, ron, lack, debate, jay, tv, tweet, obamacare, posted, brown", "+++ news, we, americans
--- corps, lack, mile, ground, partners, ron, sheriff, jay, obamacare, state", "+++ news, the, leader, city
--- chinese, german, lack, hungary, ron, jay, paris, obamacare, communist, obama", "+++ report, news, the, 2014, previous
--- ron, global, month, jay, obamacare, state, 0, 8, posted, oct", "+++ big, the, order
--- all, ron, lack, staff, jay, writes, wmw, fund, to, include", "+++ vice, service, air
--- rtd, ron, lack, battle, soldiers, jay, tweet, obamacare, thursday, rss", "+++ house, the, long, news
--- ron, probe, discovered, staff, jay, justice, obamacare, huma, sent, brown", "+++ health, long, lead, air
--- atmosphere, ron, caused, magnetic, lack, earth, jay, electricity, obamacare, environment", "+++ right, house, long, sign, americans, joe, white, obama
--- ron, lack, tweeted, supporter, certainly, jay, obamacare, going, 8, hope", "+++ long, free, ryan
--- ron, wakingtimes, lack, nevada, occupation, jay, obamacare, edward, keystone, bundy", "+++ house, white, cover, brown, news
--- stephens, lack, sexist, talks, alt, hate, ron, jay, obamacare, bush", "+++ needs, live, sure, help, takes
--- ron, text, lack, results, children, formating, jay, obamacare, send, meant", "+++ phone, order, service
--- ron, violation, issued, lack, sheriff, jay, justice, obamacare, crime, going", "+++ tea, health, help, best, d
--- ron, cdc, lack, results, skin, children, jay, obamacare, sugar, helps", "+++ right, d, re, sure, news, the
--- ron, switched, global, results, votes, voter, jay, obamacare, going, tape", "+++ needs, help, free, long, order, best
--- consider, ron, lack, focus, issues, based, knowledge, jay, obamacare, brown", "+++ we, us, 2014, the, order, obama
--- ron, lack, zone, turkish, obamacare, bush, brown, worst, tanks, report", "+++ we, right, d, house, executive, health, americans, white, the, obama
--- ron, lack, issues, judges, jay, justice, obamacare, program, creamer, congressional", "+++ report, health
--- phenomenon, founder, lack, alien, ron, extraterrestrial, tv, obamacare, 0, posted", "+++ lead, house, green, democrat, running, americans, cnn, news, white, gop
--- ron, lack, results, democrats, debate, votes, jay, obamacare, candidates, carolina", "+++ report, al
--- particularly, ron, lack, gulf, jay, obamacare, brown, worst, despite, governments", "+++ help, ron, executive, proposes, signs, paul, previous, retirement, jay, obamacare
--- ", "+++ free, big, long, plan, news, crisis
--- sector, gold, global, dollar, chinese, jay, obamacare, treasury, brown, lack", "+++ the, look, long
--- planetary, ron, queen, discovered, earth, jay, explain, obamacare, black, brown", "+++ the, right, us, long, order, americans, free, white, crisis
--- ron, global, jay, justice, obamacare, black, brown, lack, mainstream, far", "+++ report, news, the, cover, city
--- shot, ron, lack, allegations, gang, children, suicide, jay, obamacare, crime", "+++ city, the, al, us, air
--- rebels, ron, lack, qaeda, mosul, battle, soldiers, turkish, obamacare, daesh", "+++ house, away, help, service
--- shot, ron, lack, children, jay, father, young, foster, obama, local", "+++ the, d
--- founder, lack, children, ron, jay, father, brown, garden, worst, report" ], [ "+++ chinese, countries, government, long, china, news, world, u
--- sector, gold, global, dollar, current, treasury, regional, coast, joint, trade", "+++ global, long, state, free, world, higher
--- sector, pope, dollar, souls, earth, fear, religious, chinese, treasury, lord", "+++ real, big, long, world, years
--- sector, saying, all, gold, global, dollar, trying, chinese, going, treasury", "+++ policy, news, company, companies
--- sector, code, gold, global, dollar, follow, trunews, current, chinese, tv", "+++ state, free
--- sector, fungal, chinese, ginseng, global, dollar, mild, content, gold, treasury", "+++ state, crisis, government
--- sector, gold, global, dollar, protest, chinese, riots, stand, black, treasury", "+++ real, news
--- sector, saying, gold, global, dollar, debate, chinese, tv, tweet, treasury", "+++ oil, company, private, state, u, news
--- sector, corps, global, dollar, mile, ground, partners, gold, sheriff, thursday", "+++ chinese, countries, government, china, news, world
--- sector, gold, german, global, dollar, known, hungary, paris, treasury, communist", "+++ high, global, rate, years, increase, state, u, low, year, world
--- sector, gold, dollar, month, chinese, 0, treasury, 8, posted, oct", "+++ real, business, government, money, industry, private, years, fund, state, big
--- sector, all, gold, global, dollar, staff, current, chinese, writes, wmw", "+++ major, central
--- sector, rtd, gold, global, dollar, battle, soldiers, chinese, tweet, thursday", "+++ news, state, long, private
--- sector, gold, probe, dollar, discovered, staff, chinese, justice, treasury, huma", "+++ high, lower, industry, long, years, large, products, low
--- sector, atmosphere, gold, caused, magnetic, global, dollar, known, earth, current", "+++ wall, world, year, long, years
--- sector, gold, global, dollar, tweeted, supporter, certainly, chinese, going, treasury", "+++ oil, government, federal, long, state, u, free, year
--- sector, gold, wakingtimes, global, dollar, nevada, occupation, chinese, edward, treasury", "+++ news, u, years
--- sector, stephens, global, dollar, sexist, talks, alt, hate, gold, bush", "+++
--- sector, gold, text, global, dollar, results, children, formating, chinese, 3", "+++ government, federal, pay, private, high, state, year
--- sector, gold, violation, issued, global, dollar, chinese, sheriff, justice, crime", "+++ increase, high, oil, products, low
--- sector, gold, cdc, global, dollar, results, prices, skin, children, current", "+++ real, global, years, state, u, news
--- sector, gold, switched, dollar, results, votes, voter, chinese, going, tape", "+++ real, system, long, current, free, world
--- sector, consider, gold, global, dollar, focus, issues, based, knowledge, treasury", "+++ countries, government, current, state, u, policy, world
--- sector, gold, global, dollar, chinese, zone, turkish, bush, treasury, street", "+++ government, federal, money, tax, state, u, year, policy
--- sector, chinese, global, dollar, issues, judges, gold, justice, program, creamer", "+++ world, years
--- sector, phenomenon, founder, global, dollar, alien, gold, extraterrestrial, tv, 0", "+++ news, state
--- sector, gold, global, dollar, results, democrats, debate, votes, chinese, candidates", "+++ billion, oil, financial, countries, money, government, state, u, year, policy
--- sector, particularly, chinese, global, dollar, current, gold, gulf, treasury, despite", "+++ free, big, long, plan, news, crisis
--- sector, ron, lack, dollar, gold, jay, obamacare, treasury, chinese, brown", "+++ sector, chinese, money, global, dollar, trade, current, gold, production, treasury
--- ", "+++ long, years
--- sector, planetary, gold, queen, dollar, discovered, prices, earth, chinese, explain", "+++ real, countries, street, government, global, free, years, state, economic, u
--- sector, gold, dollar, chinese, justice, black, treasury, mainstream, far, progressive", "+++ news, state, year, years
--- sector, shot, gold, global, allegations, gang, children, suicide, chinese, crime", "+++ state, government
--- sector, rebels, chinese, global, dollar, qaeda, mosul, battle, soldiers, weapons", "+++ year, years
--- sector, shot, gold, global, dollar, children, chinese, father, young, foster", "+++ industry, years
--- sector, founder, global, dollar, prices, children, chinese, father, treasury, garden" ], [ "+++ australia, however, long, according, near, sea, ship, the, south
--- planetary, chinese, queen, discovered, earth, explain, black, regional, coast, famous", "+++ ancient, light, long, source, earth, the, called
--- planetary, pope, global, souls, discovered, fear, religious, knowledge, explain, black", "+++ place, look, long, years
--- saying, all, planetary, queen, discovered, earth, trying, explain, going, black", "+++ a, source, 2
--- planetary, code, queen, discovered, follow, trunews, tv, explain, 0, black", "+++ source
--- planetary, fungal, ginseng, queen, discovered, mild, earth, explain, black, ingredient", "+++ the, left, black, according, team
--- planetary, queen, discovered, protest, earth, explain, riots, thousands, protestors, cannon", "+++ image, the
--- saying, planetary, queen, discovered, earth, debate, tv, tweet, black, mainstream", "+++ near, according, lake, south, area
--- planetary, corps, queen, discovered, mile, earth, ground, partners, sheriff, explain", "+++ known, the, called, came, century
--- planetary, chinese, german, queen, discovered, hungary, paris, explain, black, communist", "+++ ago, study, according, years, 2, 5, the, south
--- planetary, global, month, discovered, earth, explain, state, 0, black, 8", "+++ a, years, source, team, the, called
--- planetary, all, queen, discovered, earth, staff, writes, wmw, to, black", "+++ a, near, 2, 5
--- rtd, planetary, queen, discovered, battle, earth, tweet, thursday, black, posted", "+++ according, long, evidence, discovered, source, the
--- planetary, probe, earth, staff, justice, explain, black, huma, sent, queen", "+++ blue, field, light, area, science, university, however, long, years, source
--- planetary, atmosphere, caused, magnetic, queen, discovered, electricity, explain, environment, black", "+++ star, long, event, team, seen, hollywood, years, called, left
--- planetary, queen, discovered, earth, tweeted, supporter, certainly, explain, going, black", "+++ long
--- planetary, wakingtimes, queen, discovered, earth, nevada, occupation, explain, edward, black", "+++ however, evidence, black, team, years, south
--- planetary, stephens, queen, sexist, discovered, talks, earth, alt, hate, explain", "+++ a, university, 2, 5, appears
--- planetary, text, queen, results, discovered, earth, children, formating, explain, send", "+++ field, evidence, however, according
--- planetary, violation, issued, queen, discovered, earth, sheriff, justice, explain, crime", "+++ known, science, study, 2, 5
--- planetary, cdc, queen, results, discovered, skin, earth, children, explain, sugar", "+++ the, paper, evidence, according, years
--- planetary, switched, global, results, discovered, earth, votes, voter, explain, going", "+++ technology, place, however, long
--- planetary, consider, queen, focus, discovered, earth, issues, based, knowledge, explain", "+++ the, called
--- planetary, queen, discovered, earth, zone, turkish, explain, bush, black, famous", "+++ the
--- planetary, queen, discovered, earth, issues, judges, justice, explain, program, black", "+++ space, according, years, source, nasa, anonymous, scientists, evidence, event
--- planetary, phenomenon, founder, queen, alien, earth, extraterrestrial, tv, explain, 0", "+++ according
--- planetary, queen, results, discovered, democrats, earth, debate, votes, explain, candidates", "+++ called, evidence
--- planetary, particularly, queen, discovered, earth, gulf, explain, black, famous, anonymous", "+++ the, look, long
--- planetary, ron, lack, discovered, earth, jay, explain, obamacare, black, brown", "+++ long, years
--- sector, planetary, gold, global, dollar, discovered, prices, earth, chinese, explain", "+++ planetary, queen, years, discovered, paper, earth, captured, explain, sky, lake
--- ", "+++ the, left, black, long, years
--- planetary, global, discovered, earth, justice, explain, queen, mainstream, far, famous", "+++ ago, according, evidence, place, black, the, years, called
--- planetary, shot, queen, allegations, discovered, gang, earth, children, suicide, explain", "+++ the, according, area
--- planetary, rebels, queen, discovered, qaeda, mosul, battle, soldiers, turkish, explain", "+++ left, came, years
--- planetary, shot, queen, discovered, earth, children, explain, father, young, foster", "+++ ago, a, science, study, years, the
--- planetary, founder, queen, discovered, baby, earth, children, explain, father, black" ], [ "+++ president, nations, u, countries, country, government, peace, long, foreign, states
--- chinese, global, justice, black, mainstream, far, regional, coast, joint, trade", "+++ control, right, end, us, power, freedom, self, global, peace, free
--- pope, souls, earth, fear, religious, knowledge, justice, elite, black, lord", "+++ real, and, them, right, end, country, long, years, course, so
--- saying, all, global, justice, going, black, do, mainstream, far, stop", "+++ policy, support, class, today, social
--- code, global, follow, trunews, tv, 0, black, mainstream, far, facebook", "+++ and, state, free
--- fungal, ginseng, global, mild, justice, black, ingredient, mainstream, far, activation", "+++ rights, revolution, government, country, national, peace, nation, state, black, groups
--- global, protest, trying, justice, riots, thousands, protestors, mainstream, far, cannon", "+++ real, liberal, mainstream, media, propaganda, anti, social, the, public
--- saying, global, debate, tv, tweet, black, far, watch, facebook, reporters", "+++ rights, support, american, states, state, americans, u, national
--- corps, global, mile, ground, partners, sheriff, justice, thursday, wood, black", "+++ and, them, citizens, war, countries, far, country, national, government, propaganda
--- chinese, german, global, hungary, paris, black, communist, mainstream, merkel, end", "+++ end, far, support, global, years, state, u, today, world, the
--- month, justice, 0, black, 8, posted, oct, mainstream, 12, nearly", "+++ real, control, and, working, government, far, media, support, years, state
--- all, global, staff, justice, writes, wmw, to, black, include, activities", "+++ military, national
--- rtd, global, battle, soldiers, justice, tweet, thursday, black, posted, veterans", "+++ justice, political, long, corruption, state, president, the, democratic, public
--- probe, discovered, staff, black, huma, sent, global, mainstream, far, lynch", "+++ mass, long, power, years
--- atmosphere, caused, magnetic, global, earth, electricity, environment, black, risk, far", "+++ right, left, civil, country, political, long, nation, states, course, american
--- global, tweeted, supporter, certainly, justice, going, black, 8, obama, hope", "+++ and, interests, power, government, control, national, state, free, american, u
--- wakingtimes, global, nevada, occupation, justice, edward, black, mainstream, torture, far", "+++ u, media, national, peace, years, american, black, president, white, war
--- stephens, global, sexist, talks, alt, hate, justice, bush, case, mainstream", "+++ american, policies, way
--- text, global, results, children, formating, justice, state, send, black, sure", "+++ control, rights, government, justice, national, citizens, order, states, civil, state
--- violation, issued, global, sheriff, crime, going, black, local, activities, mainstream", "+++ anti
--- cdc, global, results, skin, children, justice, 3, sugar, black, helps", "+++ real, right, country, global, political, elections, years, states, state, u
--- switched, results, votes, voter, justice, going, tape, voted, 8, sent", "+++ real, control, power, self, free, society, today, long, way, social
--- consider, global, focus, issues, based, knowledge, justice, black, mainstream, means", "+++ leaders, states, middle, world, united, end, media, political, state, policy
--- millions, coup, invasion, peace, clinton, neocon, global, washington, years, revolution", "+++ right, national, states, americans, united, justice, state, policy, white, government
--- and, mexican, groups, office, civil, money, executive, washington, supreme, one", "+++ world, national, history, years
--- phenomenon, founder, global, alien, extraterrestrial, tv, 0, black, extraterrestrials, mainstream", "+++ president, media, national, political, state, elections, states, american, americans, fact
--- global, results, democrats, debate, votes, justice, candidates, carolina, mainstream, far", "+++ media, rights, countries, country, support, government, political, american, foreign, states
--- particularly, global, gulf, justice, black, mainstream, far, despite, report, trade", "+++ the, right, us, long, order, americans, free, white, crisis
--- ron, lack, jay, justice, obamacare, black, brown, global, mainstream, far", "+++ real, countries, u, government, global, free, trade, state, street, economic
--- sector, gold, dollar, chinese, justice, black, treasury, mainstream, far, progressive", "+++ the, left, black, long, years
--- planetary, queen, discovered, earth, justice, explain, global, mainstream, far, famous", "+++ global, years, course, justice, black, policy, decades, elites, real, them
--- ", "+++ the, state, black, public, years
--- shot, global, allegations, gang, children, suicide, justice, crime, woman, mainstream", "+++ government, support, us, middle, state, groups, military, international, the, war
--- rebels, global, qaeda, mosul, battle, soldiers, turkish, justice, iraqi, black", "+++ fight, middle, social, party, years, left
--- shot, global, children, justice, father, young, foster, black, local, wearing", "+++ states, national, the, years
--- founder, global, children, justice, father, black, garden, far, evolution, heaven" ], [ "+++ according, attack, officials, news, the, told
--- shot, chinese, allegations, gang, children, suicide, crime, black, woman, regional", "+++ life, death, men, times, state, the, called, man
--- shot, pope, global, allegations, souls, gang, earth, fear, religious, children", "+++ place, life, stop, years
--- saying, all, shot, allegations, gang, children, trying, crime, going, black", "+++ news
--- code, shot, allegations, gang, follow, trunews, suicide, tv, crime, 0", "+++ state, life
--- fungal, shot, ginseng, allegations, mild, gang, children, suicide, crime, black", "+++ city, police, lives, stop, according, officers, state, black, home, the
--- shot, allegations, protest, gang, children, suicide, crime, riots, thousands, protestors", "+++ story, times, reported, report, news, the, public, told
--- saying, shot, allegations, gang, debate, suicide, tv, tweet, crime, black", "+++ police, arrested, began, stop, according, reports, state, department, news
--- shot, corps, allegations, mile, gang, children, ground, partners, suicide, sheriff", "+++ city, death, later, public, news, the, called, happened
--- shot, chinese, german, allegations, gang, hungary, children, suicide, paris, crime", "+++ ago, according, years, reported, state, year, report, home, news, times
--- shot, global, allegations, month, gang, children, suicide, crime, 0, black", "+++ chief, times, public, state, claims, the, years, called
--- all, shot, allegations, gang, children, staff, suicide, writes, wmw, crime", "+++ reported, chief, killed, reports, officer
--- rtd, shot, allegations, gang, battle, soldiers, children, suicide, tweet, thursday", "+++ case, attorney, according, reports, evidence, reported, state, officials, investigation, department
--- shot, probe, allegations, discovered, gang, children, staff, suicide, justice, crime", "+++ according, years
--- atmosphere, shot, caused, magnetic, allegations, gang, earth, children, suicide, electricity", "+++ year, called, man, years
--- shot, allegations, gang, tweeted, children, certainly, suicide, crime, going, black", "+++ state, death, later, year
--- shot, wakingtimes, allegations, gang, nevada, children, occupation, suicide, crime, edward", "+++ case, story, evidence, later, cover, times, investigation, black, news, years
--- shot, stephens, allegations, sexist, gang, talks, alt, hate, children, suicide", "+++ children
--- shot, text, allegations, results, gang, formating, suicide, appears, state, send", "+++ attorney, crimes, evidence, officials, year, police, crime, state, prison, department
--- shot, violation, issued, allegations, gang, children, suicide, sheriff, justice, going", "+++ medical, cases, children
--- shot, cdc, doctors, allegations, results, gang, skin, milk, suicide, 3", "+++ according, reports, years, reported, state, officials, news, the, evidence, told
--- shot, switched, global, allegations, results, gang, children, votes, voter, crime", "+++ lives, home, life, place
--- shot, consider, allegations, focus, gang, children, issues, suicide, based, knowledge", "+++ the, state, attack, called
--- shot, allegations, gang, children, suicide, zone, turkish, crime, bush, black", "+++ attorney, court, state, chief, year, department, the
--- shot, allegations, gang, children, issues, judges, suicide, justice, crime, program", "+++ case, later, according, reports, years, reported, report, evidence, told
--- shot, phenomenon, founder, allegations, alien, gang, children, suicide, extraterrestrial, tv", "+++ news, state, according, told
--- shot, allegations, results, democrats, debate, votes, suicide, crime, candidates, carolina", "+++ crimes, evidence, state, year, report, claims, called
--- particularly, allegations, gang, shot, children, suicide, gulf, crime, black, woman", "+++ report, news, the, cover, city
--- shot, ron, lack, allegations, gang, children, suicide, jay, obamacare, crime", "+++ news, state, year, years
--- sector, shot, gold, global, dollar, gang, children, suicide, chinese, crime", "+++ ago, according, years, place, black, the, evidence, called
--- planetary, shot, queen, allegations, discovered, gang, earth, children, suicide, explain", "+++ the, state, black, public, years
--- shot, global, allegations, gang, children, flowers, justice, crime, woman, mainstream", "+++ shot, allegations, years, kill, gang, victim, committed, children, suicide, police
--- ", "+++ city, according, reports, killing, state, the, attack, killed
--- zionist, shot, rebels, allegations, qaeda, mosul, battle, soldiers, children, suicide", "+++ man, story, woman, old, took, family, home, men, life, later
--- allegations, gang, suicide, father, young, crime, foster, black, local, wearing", "+++ ago, death, medical, years, the, children
--- shot, founder, allegations, gang, suicide, father, crime, black, plants, woman" ], [ "+++ operations, including, group, troops, eastern, weapons, attack, forces, international, east
--- alliance, rebels, chinese, presence, al, civilians, washington, terrorist, strategic, held", "+++ state, the, us
--- rebels, pope, global, souls, qaeda, mosul, battle, earth, fear, religious", "+++ us
--- saying, all, rebels, qaeda, mosul, battle, soldiers, trying, turkish, daesh", "+++ support, october
--- code, 0, qaeda, mosul, battle, follow, trunews, rebels, access, turkish", "+++ state, campaign
--- fungal, rebels, ginseng, mild, qaeda, mosul, battle, soldiers, turkish, iraqi", "+++ city, group, groups, government, according, state, 000, opposition, security, attack
--- rebels, protest, qaeda, mosul, battle, soldiers, turkish, riots, iraqi, black", "+++ the, campaign
--- saying, rebels, qaeda, mosul, battle, soldiers, debate, turkish, tv, tweet", "+++ october, army, region, area, according, reports, state, support
--- rebels, corps, mile, mosul, battle, soldiers, ground, partners, sheriff, turkish", "+++ city, eastern, government, jewish, west, muslim, minister, the, east, war
--- rebels, chinese, german, qaeda, mosul, battle, hungary, turkish, paris, daesh", "+++ october, support, according, state, 000, the
--- rebels, global, month, qaeda, mosul, battle, soldiers, turkish, daesh, iraqi", "+++ operations, group, government, support, state, 000, including, the
--- all, rebels, qaeda, mosul, battle, soldiers, staff, access, turkish, writes", "+++ october, army, reports, air, minister, military, battle, soldiers, killed
--- rtd, rebels, qaeda, mosul, turkish, tweet, state, thursday, iraqi, terror", "+++ october, campaign, according, reports, state, 000, the
--- rebels, probe, discovered, qaeda, mosul, battle, soldiers, staff, turkish, justice", "+++ air, according, area
--- atmosphere, rebels, caused, magnetic, produce, qaeda, mosul, battle, earth, cell", "+++ campaign
--- rebels, qaeda, mosul, battle, soldiers, tweeted, supporter, certainly, turkish, daesh", "+++ armed, security, group, state, government
--- rebels, wakingtimes, qaeda, mosul, jury, battle, soldiers, nevada, occupation, turkish", "+++ october, iran, war
--- rebels, stephens, sexist, qaeda, mosul, talks, soldiers, alt, hate, turkish", "+++ jewish
--- rebels, text, results, qaeda, mosul, battle, soldiers, children, formating, appears", "+++ government, according, reports, state, including, security
--- rebels, violation, issued, qaeda, mosul, battle, soldiers, sheriff, turkish, justice", "+++ including
--- rebels, cdc, results, qaeda, mosul, skin, battle, soldiers, children, vaccines", "+++ jewish, according, reports, held, state, the
--- rebels, switched, global, results, qaeda, mosul, battle, soldiers, votes, voter", "+++
--- consider, focus, qaeda, mosul, battle, soldiers, issues, rebels, current, based", "+++ middle, syrian, regime, turkey, turkish, west, government, state, attack, international
--- rebels, qaeda, mosul, battle, soldiers, current, zone, iraqi, bush, terror", "+++ group, campaign, government, muslim, state, 000, security, the
--- rebels, qaeda, mosul, battle, soldiers, issues, judges, turkish, justice, iraqi", "+++ group, according, reports
--- phenomenon, founder, alien, qaeda, mosul, battle, soldiers, rebels, extraterrestrial, tv", "+++ state, support, according, campaign
--- rebels, secretary, results, qaeda, democrats, battle, soldiers, debate, votes, turkish", "+++ terrorist, group, campaign, government, attacks, region, al, war, weapons, middle
--- particularly, rebels, qaeda, mosul, battle, soldiers, gulf, turkish, iraqi, terror", "+++ city, the, al, us, air
--- rebels, ron, lack, qaeda, mosul, battle, soldiers, jay, obamacare, daesh", "+++ state, government
--- sector, rebels, gold, global, dollar, qaeda, mosul, battle, soldiers, weapons", "+++ the, according, area
--- planetary, rebels, queen, discovered, qaeda, mosul, battle, earth, turkish, explain", "+++ government, support, us, middle, state, groups, military, international, the, war
--- rebels, global, qaeda, mosul, battle, soldiers, turkish, justice, iraqi, black", "+++ city, according, reports, killing, state, the, attack, killed
--- pedophile, shot, rebels, allegations, qaeda, gang, battle, soldiers, children, suicide", "+++ operations, rebels, held, fighters, qaeda, including, mosul, assad, battle, soldiers
--- ", "+++ middle, muslim, october
--- shot, rebels, qaeda, mosul, battle, soldiers, children, turkish, father, young", "+++ the, jerusalem
--- rebels, founder, qaeda, mosul, battle, soldiers, children, turkish, father, daesh" ], [ "+++ october, told
--- shot, chinese, children, father, young, foster, local, wearing, woman, regional", "+++ life, love, away, men, born, day, man
--- shot, pope, global, souls, earth, fear, religious, children, knowledge, father", "+++ away, says, day, life, years
--- saying, all, shot, children, trying, father, young, going, posted, local", "+++ october, help, share, daily, social, november, posted
--- code, shot, follow, trunews, tv, father, young, 0, foster, local", "+++ life
--- fungal, shot, ginseng, mild, children, father, young, foster, posted, local", "+++ home, local, day, left
--- shot, brother, protest, children, father, young, riots, foster, black, thousands", "+++ story, share, daily, morning, video, social, posted, day, told
--- saying, shot, debate, tv, tweet, father, young, foster, local, wearing", "+++ says, october, local
--- shot, corps, mile, children, ground, partners, sheriff, father, young, thursday", "+++ muslim, says, came, later, women
--- shot, chinese, german, hungary, children, paris, father, young, foster, communist", "+++ october, says, 6, years, year, home, november, day, posted
--- shot, global, month, children, father, young, 0, foster, 8, local", "+++ years
--- all, shot, children, staff, writes, wmw, young, to, foster, photo", "+++ october, service, car, hospital, 6, hours, night, november, day, posted
--- rtd, shot, battle, soldiers, children, tweet, father, young, thursday, foster", "+++ house, october, husband, told
--- shot, probe, discovered, children, staff, justice, father, young, foster, huma", "+++ years
--- atmosphere, shot, caused, magnetic, earth, children, electricity, father, young, environment", "+++ says, left, house, share, him, year, november, years, day, man
--- shot, tweeted, children, certainly, father, young, going, 8, he, local", "+++ face, later, year
--- shot, wakingtimes, nevada, children, occupation, father, young, edward, posted, local", "+++ story, october, house, later, years, november, man
--- shot, stephens, sexist, talks, alt, hate, children, father, young, bush", "+++ school, help, children
--- shot, text, results, formating, father, young, send, foster, local, meant", "+++ told, local, gun, service, year
--- shot, violation, issued, children, sheriff, justice, daily, father, young, crime", "+++ blood, women, help, day, children
--- shot, cdc, results, skin, milk, father, young, sugar, foster, helps", "+++ posted, told, says, day, years
--- shot, switched, global, results, children, votes, voter, father, young, going", "+++ home, life, face, help, social
--- shot, consider, particular, focus, children, issues, based, knowledge, father, young", "+++ middle
--- shot, children, zone, turkish, father, young, bush, foster, saw, posted", "+++ house, muslim, gun, year
--- shot, children, issues, judges, justice, father, young, program, creamer, photo", "+++ later, years, eddie, video, told, posted
--- shot, phenomenon, founder, alien, children, extraterrestrial, tv, father, young, 0", "+++ house, she, party, november, day, told
--- shot, results, democrats, debate, democrat, votes, father, young, foster, candidates", "+++ middle, year
--- particularly, shot, children, gulf, father, young, foster, photo, local, wearing", "+++ house, away, help, service
--- shot, ron, lack, brother, children, jay, obamacare, young, foster, posted", "+++ year, years
--- sector, shot, gold, global, dollar, children, chinese, father, young, foster", "+++ left, came, years
--- planetary, shot, queen, discovered, earth, children, explain, father, young, foster", "+++ fight, middle, social, party, years, left
--- shot, global, children, justice, father, young, foster, black, local, wearing", "+++ man, story, woman, old, took, family, home, men, life, later
--- allegations, gang, suicide, father, young, crime, foster, black, local, wearing", "+++ middle, muslim, october
--- shot, rebels, qaeda, mosul, battle, soldiers, children, turkish, father, young", "+++ shot, help, photo, years, victim, children, father, young, him, foster
--- ", "+++ son, father, children, years
--- shot, founder, mosque, young, foster, local, wearing, woman, garden, him" ], [ "+++ states, use, the
--- chinese, children, founder, mosque, garden, regional, coast, joint, evolution, heaven", "+++ faith, death, humans, jesus, book, human, the
--- pope, global, souls, earth, fear, religious, children, founder, religion, father", "+++ d, years
--- saying, all, founder, children, one, trying, re, father, going, do", "+++ a, use, related, author
--- code, founder, follow, trunews, tv, mosque, 0, garden, facebook, evolution", "+++ cannabis
--- vitamins, fungal, founder, ginseng, mild, children, medicinal, father, ingredient, garden", "+++ the, non, california, national, san
--- founder, protest, children, father, riots, black, thousands, protestors, plants, garden", "+++ movie, the, youtube
--- saying, founder, debate, tv, tweet, father, mainstream, watch, facebook, reporters", "+++ states, national
--- corps, mile, children, ground, partners, founder, sheriff, father, state, thursday", "+++ states, national, death, the
--- called, chinese, german, known, hungary, children, founder, paris, mosque, communist", "+++ ago, the, study, period, years
--- founder, global, month, children, father, state, 0, 8, posted, oct", "+++ a, the, non, industry, years
--- all, founder, children, staff, writes, mosque, to, include, activities, garden", "+++ a, national
--- rtd, founder, battle, soldiers, children, tweet, father, thursday, posted, veterans", "+++ use, the, related
--- founder, probe, discovered, children, staff, justice, mosque, bureau, huma, sent", "+++ use, scientific, science, industry, non, years, california, human, growing, study
--- atmosphere, founder, caused, magnetic, known, earth, children, electricity, mosque, environment", "+++ states, years
--- founder, tweeted, children, certainly, mosque, going, 8, obama, hope, 11", "+++ national, death
--- founder, wakingtimes, nevada, children, occupation, father, edward, fda, garden, torture", "+++ national, book, years
--- stephens, sexist, talks, alt, hate, children, founder, father, bush, investigation", "+++ a, use, parents, children
--- founder, text, results, formating, 95, father, send, meant, garden, emphasized", "+++ states, national, use, drug
--- founder, violation, issued, children, sheriff, justice, mosque, crime, going, local", "+++ use, d, drugs, science, study, medical, birth, children
--- founder, cdc, results, known, skin, milk, father, sugar, helps, garden", "+++ states, the, d, years
--- founder, switched, global, results, children, votes, voter, re, father, going", "+++ use, human
--- consider, founder, focus, children, issues, based, knowledge, original, father, garden", "+++ states, the
--- founder, children, zone, turkish, mosque, bush, plants, garden, tanks, assad", "+++ states, the, national, california, d
--- founder, children, issues, judges, justice, 95, mosque, program, creamer, congressional", "+++ related, national, scientific, founder, years
--- phenomenon, alien, children, extraterrestrial, tv, mosque, 0, extraterrestrials, garden, egyptian", "+++ states, national
--- founder, results, democrats, debate, votes, father, candidates, carolina, garden, michigan", "+++ states, human
--- particularly, founder, children, gulf, hayden, father, garden, despite, report, governments", "+++ the, d
--- ron, lack, children, founder, jay, mosque, brown, garden, worst, report", "+++ industry, years
--- sector, gold, global, dollar, prices, children, chinese, mosque, treasury, street", "+++ ago, a, science, study, years, the
--- planetary, founder, queen, discovered, known, earth, children, explain, mosque, black", "+++ states, national, the, years
--- founder, global, children, justice, mosque, black, mainstream, far, evolution, heaven", "+++ ago, death, medical, years, the, children
--- shot, founder, allegations, gang, suicide, father, crime, black, plants, woman", "+++ the, jerusalem
--- rebels, founder, qaeda, mosul, battle, soldiers, children, turkish, father, daesh", "+++ son, father, children, years
--- shot, founder, mosque, young, foster, local, wearing, woman, garden, him", "+++ founder, produces, rest, years, human, children, death, gmo, pharma, recreational
--- " ] ], "type": "heatmap", "x": [ 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 ], "y": [ 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 ], "z": [ [ 0, 0.6343477918460758, 0.6435998668262606, 0.6446003010474792, 0.6485527685401011, 0.6272047011775295, 0.6377494183310974, 0.6446122853901808, 0.6462302697064812, 0.6424188214057551, 0.6431885897411144, 0.6383162844078716, 0.6519711902059808, 0.6326935836042389, 0.635842387462401, 0.6373978020068664, 0.6509217733346516, 0.6427384305018415, 0.6446490439142821, 0.6555496273803868, 0.649722281421471, 0.6450339665225586, 0.6452663452075574, 0.6426880518727507, 0.6543351245266337, 0.646970248626161, 0.6407668641924651, 0.6492284609430042, 0.6457647142833636, 0.6528094131471915, 0.6389925940775634, 0.6495258432224651, 0.6371457475937663, 0.5780112123394057, 0.6416115313599833 ], [ 0.6343477918460758, 0, 0.6121274748736927, 0.6338644737269848, 0.614834550727635, 0.6108850560317638, 0.6044265901631949, 0.6182278681588201, 0.5790355354893063, 0.572056440252791, 0.6127301997293105, 0.6148265896330367, 0.6079482050973943, 0.6305300305555379, 0.6128500033331308, 0.6096963480466306, 0.5764024940339914, 0.5587693679862034, 0.6163360552646882, 0.6110397739238136, 0.5875455239930147, 0.5802123388068601, 0.5982407469681987, 0.6039227359918914, 0.6037816573737682, 0.609917664997688, 0.6019393545945855, 0.5543759403745823, 0.540891760834232, 0.6004246088169611, 0.6298967191335623, 0.6186239937483338, 0.6089082684463722, 0.6077830201957765, 0.5968274685449119 ], [ 0.6435998668262606, 0.6121274748736927, 0, 0.6129945899493718, 0.6193831373477126, 0.625926897387258, 0.6109599735035676, 0.6077407032923106, 0.6094129624780951, 0.6121060448489761, 0.6154954485501769, 0.625661998988811, 0.615872223811504, 0.6137094562481342, 0.6164073501181003, 0.5968509624411916, 0.6101542520154625, 0.6121446187843509, 0.634156155600013, 0.5904362398895375, 0.6285810058058585, 0.6237880175215047, 0.6030973112221445, 0.6164104419697078, 0.6148787628424276, 0.6157995856203462, 0.5997526508299013, 0.6169882474306885, 0.6185391589425295, 0.6238742072003819, 0.5891535093958855, 0.5974912574639135, 0.6022206826882269, 0.5941015658456732, 0.6218788835373223 ], [ 0.6446003010474792, 0.6338644737269848, 0.6129945899493718, 0, 0.6353208275703369, 0.597640531326515, 0.6038579449037506, 0.602263236318795, 0.6243133665641964, 0.6251120910691634, 0.6154651048876574, 0.6153083393038125, 0.6080908920875427, 0.5982558375649262, 0.6000584720123727, 0.5858451954093298, 0.6152350403957735, 0.6057953049164858, 0.6209643331069182, 0.6166788870324156, 0.6134487733253483, 0.6039856900128228, 0.616574135280726, 0.6262775469806947, 0.6297048363041, 0.6255337032047152, 0.5988658669987039, 0.6227848301103192, 0.6217714173112974, 0.6267877524025983, 0.6069428261665237, 0.5988234047371995, 0.6225552953363357, 0.6242668884109961, 0.6161852903563267 ], [ 0.6485527685401011, 0.614834550727635, 0.6193831373477126, 0.6353208275703369, 0, 0.6126332096477383, 0.5993853921161925, 0.6185016857968891, 0.5725490768669301, 0.6102048871604775, 0.5858532117669191, 0.6113629590050981, 0.6141662783826298, 0.608011887131336, 0.6012365816017964, 0.5948657222467189, 0.6014332176788457, 0.6069846012015783, 0.5793384067906197, 0.5536578293442904, 0.604133244076441, 0.597767909828899, 0.550715830720343, 0.5897593975717713, 0.5887897296235955, 0.5749650757762319, 0.5832736927668631, 0.5981121641687539, 0.5926712759870403, 0.5846384926184345, 0.5883715900808248, 0.5761272360485552, 0.6035831882504623, 0.6235521833168944, 0.6011191937433236 ], [ 0.6272047011775295, 0.6108850560317638, 0.625926897387258, 0.597640531326515, 0.6126332096477383, 0, 0.5867131462856516, 0.5638635461314825, 0.5974792291071274, 0.5848779887531876, 0.5847385962695069, 0.5583322877280728, 0.5972521798872321, 0.5911383819779656, 0.5743209070905664, 0.5774840952534026, 0.5994235991425734, 0.5765059657839993, 0.5935930624902532, 0.5973045794567884, 0.5531315219400923, 0.5533074961313168, 0.5781613966277044, 0.5343489775664896, 0.6051646452954924, 0.593856550644376, 0.5546500455879606, 0.5818311102262002, 0.5533298350064723, 0.5786148268508677, 0.5745161719507574, 0.5777045587664382, 0.5739262119126349, 0.5936470977885799, 0.5749384426875435 ], [ 0.6377494183310974, 0.6044265901631949, 0.6109599735035676, 0.6038579449037506, 0.5993853921161925, 0.5867131462856516, 0, 0.6017216493175096, 0.5820843819232379, 0.573454942837188, 0.5617731117817422, 0.556037410362956, 0.5698841221680253, 0.5769132835728834, 0.600032747943392, 0.586656540754906, 0.6039437882091867, 0.5897980770815547, 0.5612525702604504, 0.5727640187972294, 0.5545586694752642, 0.5682199616218612, 0.5477492429264117, 0.5671377701437841, 0.5944907396877058, 0.5827019109370701, 0.5315863961124565, 0.5762652916006556, 0.5567615688659173, 0.5478221378217581, 0.5524521789269253, 0.5230832309482065, 0.5871193691541385, 0.6078912593508399, 0.5944513903788413 ], [ 0.6446122853901808, 0.6182278681588201, 0.6077407032923106, 0.602263236318795, 0.6185016857968891, 0.5638635461314825, 0.6017216493175096, 0, 0.6064325919234714, 0.5906658475136385, 0.5911367950168949, 0.6032666640305544, 0.5967173615516373, 0.5813618775313008, 0.5522793690568477, 0.589422463113516, 0.595393859091333, 0.569540787722024, 0.6053404926199486, 0.5746474147692485, 0.6026696645930234, 0.5749409505977375, 0.6172673902907948, 0.5815510413771847, 0.5937267558430033, 0.6032750193755492, 0.5647743124510578, 0.6031707705273603, 0.5690861837182244, 0.6083951075407514, 0.5777698150310802, 0.588560241292071, 0.5983440815370368, 0.618264102581534, 0.592623781294704 ], [ 0.6462302697064812, 0.5790355354893063, 0.6094129624780951, 0.6243133665641964, 0.5725490768669301, 0.5974792291071274, 0.5820843819232379, 0.6064325919234714, 0, 0.518937944021988, 0.5803420500805524, 0.5668746653611421, 0.5796454829713387, 0.5855017743636075, 0.5994109085618953, 0.5914038154487316, 0.5631244639917137, 0.5727916883985181, 0.5841889891165206, 0.555833980100676, 0.5518400702169708, 0.5407740770117151, 0.5550707606188358, 0.5843249446188592, 0.5687955216400282, 0.5633890897829159, 0.5643936896081635, 0.5332423155222907, 0.5414379345123359, 0.5544487239859874, 0.5713497869111972, 0.51959967352208, 0.5780297364240997, 0.6168105873876938, 0.5808742088503307 ], [ 0.6424188214057551, 0.572056440252791, 0.6121060448489761, 0.6251120910691634, 0.6102048871604775, 0.5848779887531876, 0.573454942837188, 0.5906658475136385, 0.518937944021988, 0, 0.6020558026490337, 0.5665058722959213, 0.5904009158509228, 0.5931270639857379, 0.5770942325183734, 0.5766077583650578, 0.5910539700924045, 0.5544389284258566, 0.5724113814441976, 0.5866578244827318, 0.5433514034322147, 0.5639078456668749, 0.5697414075113811, 0.5671686882463245, 0.5949146157000808, 0.5781018810307991, 0.5654721575938212, 0.5339212844082966, 0.5077413100654786, 0.5696081975761522, 0.5918861769713895, 0.560702844749007, 0.5780100151790145, 0.6067061083513092, 0.5817460691707508 ], [ 0.6431885897411144, 0.6127301997293105, 0.6154954485501769, 0.6154651048876574, 0.5858532117669191, 0.5847385962695069, 0.5617731117817422, 0.5911367950168949, 0.5803420500805524, 0.6020558026490337, 0, 0.5728634833212463, 0.5700064253903508, 0.580697355686499, 0.6163668500159512, 0.5950809822478652, 0.5867882962253821, 0.57745655208903, 0.5983896300238276, 0.5485876313507372, 0.5645887380507923, 0.5378846938773634, 0.531182031400421, 0.5314516157335448, 0.554542009771222, 0.5346691765000229, 0.5340564642200387, 0.5834746905560834, 0.5659366003346467, 0.548790984445183, 0.558066055224137, 0.5042004575112055, 0.5677785230063093, 0.6145603379886896, 0.558689895182277 ], [ 0.6383162844078716, 0.6148265896330367, 0.625661998988811, 0.6153083393038125, 0.6113629590050981, 0.5583322877280728, 0.556037410362956, 0.6032666640305544, 0.5668746653611421, 0.5665058722959213, 0.5728634833212463, 0, 0.5558205390039179, 0.5822915142453782, 0.597420524780971, 0.5697025250907772, 0.6101482768099606, 0.5520517971890426, 0.5345108107545546, 0.5837512167087746, 0.5520557198575557, 0.5553020495558703, 0.5138259131000952, 0.5421822818397075, 0.5861980181276637, 0.5497428030208775, 0.504301894183621, 0.492581804564709, 0.5094412007771558, 0.48832819852723464, 0.5596195433468915, 0.4873003435720632, 0.5690095372832025, 0.6025567600380475, 0.5562304608733372 ], [ 0.6519711902059808, 0.6079482050973943, 0.615872223811504, 0.6080908920875427, 0.6141662783826298, 0.5972521798872321, 0.5698841221680253, 0.5967173615516373, 0.5796454829713387, 0.5904009158509228, 0.5700064253903508, 0.5558205390039179, 0, 0.5642484448563618, 0.6104553346014427, 0.5929601154294721, 0.585058192775026, 0.582892801141204, 0.568943909095732, 0.5500362166855065, 0.5813928526797865, 0.5624979669217576, 0.5732090252425486, 0.5875430353642586, 0.576465993153489, 0.5827770410467827, 0.5506077176667121, 0.5320052337361201, 0.5203272914791119, 0.5251512024359143, 0.5685128084227067, 0.4960557705875634, 0.587017162522565, 0.6322894478205126, 0.5862176582456311 ], [ 0.6326935836042389, 0.6305300305555379, 0.6137094562481342, 0.5982558375649262, 0.608011887131336, 0.5911383819779656, 0.5769132835728834, 0.5813618775313008, 0.5855017743636075, 0.5931270639857379, 0.580697355686499, 0.5822915142453782, 0.5642484448563618, 0, 0.563505922229097, 0.5727223384391723, 0.5870197501860341, 0.5816171617478862, 0.5730276858178616, 0.514537773390154, 0.5783498428499507, 0.5818726860998927, 0.5976956284663353, 0.5952283303094598, 0.5831728933624131, 0.5958538795642092, 0.5576403507591265, 0.5790739572508656, 0.5723353505934616, 0.570006851466208, 0.47984528101585433, 0.47236575167597566, 0.5991159556768785, 0.6349435905106451, 0.6044441297491218 ], [ 0.635842387462401, 0.6128500033331308, 0.6164073501181003, 0.6000584720123727, 0.6012365816017964, 0.5743209070905664, 0.600032747943392, 0.5522793690568477, 0.5994109085618953, 0.5770942325183734, 0.6163668500159512, 0.597420524780971, 0.6104553346014427, 0.563505922229097, 0, 0.48317168809799327, 0.6230360052833434, 0.5628858157181404, 0.5711736795942145, 0.5878800242996836, 0.5864909928412481, 0.5933074129368294, 0.6175878437517464, 0.5987945750970018, 0.6168422601355279, 0.6064132104638995, 0.5658846761533219, 0.5954799108559252, 0.5621136226221193, 0.6066317915960084, 0.5287186874148316, 0.5720403903835598, 0.6013564938036919, 0.6212047249634554, 0.6133969347058739 ], [ 0.6373978020068664, 0.6096963480466306, 0.5968509624411916, 0.5858451954093298, 0.5948657222467189, 0.5774840952534026, 0.586656540754906, 0.589422463113516, 0.5914038154487316, 0.5766077583650578, 0.5950809822478652, 0.5697025250907772, 0.5929601154294721, 0.5727223384391723, 0.48317168809799327, 0, 0.5814708690939238, 0.5197736945950107, 0.5397933609304195, 0.5314895495064673, 0.5623032450724003, 0.5762438540018565, 0.5881363513731064, 0.5732253808988452, 0.5984971416567056, 0.5741377394495251, 0.5317441650927259, 0.5813621094643785, 0.5565485540444208, 0.5793172005371702, 0.5013536397286693, 0.5370205156373834, 0.582059893596977, 0.6009245150713194, 0.586345343852107 ], [ 0.6509217733346516, 0.5764024940339914, 0.6101542520154625, 0.6152350403957735, 0.6014332176788457, 0.5994235991425734, 0.6039437882091867, 0.595393859091333, 0.5631244639917137, 0.5910539700924045, 0.5867882962253821, 0.6101482768099606, 0.585058192775026, 0.5870197501860341, 0.6230360052833434, 0.5814708690939238, 0, 0.5554241364252843, 0.6142519802390423, 0.5397406566790335, 0.5815241848392518, 0.5117708938168017, 0.5822683963792145, 0.5673746006038107, 0.5725695386199634, 0.5768851006692906, 0.5768556353782428, 0.5747970565086631, 0.5891744042494493, 0.6071943478480634, 0.5983525440783222, 0.5976725893281137, 0.5915450229080612, 0.6039891980579086, 0.5594039754519595 ], [ 0.6427384305018415, 0.5587693679862034, 0.6121446187843509, 0.6057953049164858, 0.6069846012015783, 0.5765059657839993, 0.5897980770815547, 0.569540787722024, 0.5727916883985181, 0.5544389284258566, 0.57745655208903, 0.5520517971890426, 0.582892801141204, 0.5816171617478862, 0.5628858157181404, 0.5197736945950107, 0.5554241364252843, 0, 0.5217531658096084, 0.5519394123570995, 0.5623592568315112, 0.5468475339096033, 0.5611633268315502, 0.5468939378458515, 0.551943618124542, 0.5296384237369225, 0.5324762708355046, 0.5443456109310607, 0.5108590179306534, 0.5679124270960569, 0.54758442690403, 0.5438833770882693, 0.5642705949836373, 0.5679033838077432, 0.5653892059345309 ], [ 0.6446490439142821, 0.6163360552646882, 0.634156155600013, 0.6209643331069182, 0.5793384067906197, 0.5935930624902532, 0.5612525702604504, 0.6053404926199486, 0.5841889891165206, 0.5724113814441976, 0.5983896300238276, 0.5345108107545546, 0.568943909095732, 0.5730276858178616, 0.5711736795942145, 0.5397933609304195, 0.6142519802390423, 0.5217531658096084, 0, 0.542761728047879, 0.5560649763120009, 0.5946678694280896, 0.5330991125297542, 0.5726101819726026, 0.5842025551911201, 0.5704504265922044, 0.49609310950836605, 0.5806085222806919, 0.5090067524107327, 0.5503104785524194, 0.5229892412032835, 0.47615813358876247, 0.5874375527771454, 0.6088341352668657, 0.6071040524632135 ], [ 0.6555496273803868, 0.6110397739238136, 0.5904362398895375, 0.6166788870324156, 0.5536578293442904, 0.5973045794567884, 0.5727640187972294, 0.5746474147692485, 0.555833980100676, 0.5866578244827318, 0.5485876313507372, 0.5837512167087746, 0.5500362166855065, 0.514537773390154, 0.5878800242996836, 0.5314895495064673, 0.5397406566790335, 0.5519394123570995, 0.542761728047879, 0, 0.5667775321895533, 0.5458409871672326, 0.5502233029720112, 0.5215073064593527, 0.503289423145035, 0.5236348341899275, 0.5160454480022671, 0.5781383055448426, 0.5665699217614912, 0.5273807904236462, 0.4580327081116753, 0.4755681605172405, 0.5347426681161087, 0.6106007149600006, 0.550757272447808 ], [ 0.649722281421471, 0.5875455239930147, 0.6285810058058585, 0.6134487733253483, 0.604133244076441, 0.5531315219400923, 0.5545586694752642, 0.6026696645930234, 0.5518400702169708, 0.5433514034322147, 0.5645887380507923, 0.5520557198575557, 0.5813928526797865, 0.5783498428499507, 0.5864909928412481, 0.5623032450724003, 0.5815241848392518, 0.5623592568315112, 0.5560649763120009, 0.5667775321895533, 0, 0.47899623110102035, 0.48938878402866776, 0.4692932134437505, 0.5801691404578276, 0.5663909275669508, 0.5188187604603343, 0.5374193841087717, 0.5067670123089854, 0.5467495517828906, 0.5374665549024689, 0.5157920957135902, 0.5480252936088637, 0.6067153657615343, 0.5728594745376 ], [ 0.6450339665225586, 0.5802123388068601, 0.6237880175215047, 0.6039856900128228, 0.597767909828899, 0.5533074961313168, 0.5682199616218612, 0.5749409505977375, 0.5407740770117151, 0.5639078456668749, 0.5378846938773634, 0.5553020495558703, 0.5624979669217576, 0.5818726860998927, 0.5933074129368294, 0.5762438540018565, 0.5117708938168017, 0.5468475339096033, 0.5946678694280896, 0.5458409871672326, 0.47899623110102035, 0, 0.5467247179223695, 0.5013131431278923, 0.578315579090691, 0.5631172536292912, 0.5259937330379167, 0.5304472327079826, 0.5507429685461223, 0.5656784869411895, 0.5789624951759419, 0.5402094582486863, 0.5617406065649322, 0.6344874341978559, 0.5554399385855842 ], [ 0.6452663452075574, 0.5982407469681987, 0.6030973112221445, 0.616574135280726, 0.550715830720343, 0.5781613966277044, 0.5477492429264117, 0.6172673902907948, 0.5550707606188358, 0.5697414075113811, 0.531182031400421, 0.5138259131000952, 0.5732090252425486, 0.5976956284663353, 0.6175878437517464, 0.5881363513731064, 0.5822683963792145, 0.5611633268315502, 0.5330991125297542, 0.5502233029720112, 0.48938878402866776, 0.5467247179223695, 0, 0.49163627840768886, 0.5314816158414989, 0.4994220490708092, 0.47939420933332527, 0.5495148318934004, 0.5047777584775771, 0.48483565702766995, 0.5672337528088347, 0.471551710940839, 0.5459156341072814, 0.6125698045544322, 0.5679891481525867 ], [ 0.6426880518727507, 0.6039227359918914, 0.6164104419697078, 0.6262775469806947, 0.5897593975717713, 0.5343489775664896, 0.5671377701437841, 0.5815510413771847, 0.5843249446188592, 0.5671686882463245, 0.5314516157335448, 0.5421822818397075, 0.5875430353642586, 0.5952283303094598, 0.5987945750970018, 0.5732253808988452, 0.5673746006038107, 0.5468939378458515, 0.5726101819726026, 0.5215073064593527, 0.4692932134437505, 0.5013131431278923, 0.49163627840768886, 0, 0.5139141598767921, 0.41213193291450523, 0.48326887022085874, 0.5512422219011544, 0.5217498519150072, 0.5195646892172884, 0.5474742824545833, 0.5355880118452042, 0.5345529647785081, 0.5687504781672474, 0.5133567057162977 ], [ 0.6543351245266337, 0.6037816573737682, 0.6148787628424276, 0.6297048363041, 0.5887897296235955, 0.6051646452954924, 0.5944907396877058, 0.5937267558430033, 0.5687955216400282, 0.5949146157000808, 0.554542009771222, 0.5861980181276637, 0.576465993153489, 0.5831728933624131, 0.6168422601355279, 0.5984971416567056, 0.5725695386199634, 0.551943618124542, 0.5842025551911201, 0.503289423145035, 0.5801691404578276, 0.578315579090691, 0.5314816158414989, 0.5139141598767921, 0, 0.38911071321147145, 0.5643286508497083, 0.5854430029149056, 0.5534017946931484, 0.5307418350558131, 0.5690024371174209, 0.5001662530322207, 0.5525091931103167, 0.6085181374672038, 0.565335421607568 ], [ 0.646970248626161, 0.609917664997688, 0.6157995856203462, 0.6255337032047152, 0.5749650757762319, 0.593856550644376, 0.5827019109370701, 0.6032750193755492, 0.5633890897829159, 0.5781018810307991, 0.5346691765000229, 0.5497428030208775, 0.5827770410467827, 0.5958538795642092, 0.6064132104638995, 0.5741377394495251, 0.5768851006692906, 0.5296384237369225, 0.5704504265922044, 0.5236348341899275, 0.5663909275669508, 0.5631172536292912, 0.4994220490708092, 0.41213193291450523, 0.38911071321147145, 0, 0.5192668137907049, 0.5622587491546478, 0.541776055964735, 0.5160158876815908, 0.5486016942760963, 0.4790892066011598, 0.4833149992369454, 0.6111713061626579, 0.5236068728622354 ], [ 0.6407668641924651, 0.6019393545945855, 0.5997526508299013, 0.5988658669987039, 0.5832736927668631, 0.5546500455879606, 0.5315863961124565, 0.5647743124510578, 0.5643936896081635, 0.5654721575938212, 0.5340564642200387, 0.504301894183621, 0.5506077176667121, 0.5576403507591265, 0.5658846761533219, 0.5317441650927259, 0.5768556353782428, 0.5324762708355046, 0.49609310950836605, 0.5160454480022671, 0.5188187604603343, 0.5259937330379167, 0.47939420933332527, 0.48326887022085874, 0.5643286508497083, 0.5192668137907049, 0, 0.552197691779307, 0.5101915457124961, 0.5254678282973502, 0.4805200541808038, 0.47494022582245526, 0.5453332714599454, 0.5694571471957096, 0.5276814582288774 ], [ 0.6492284609430042, 0.5543759403745823, 0.6169882474306885, 0.6227848301103192, 0.5981121641687539, 0.5818311102262002, 0.5762652916006556, 0.6031707705273603, 0.5332423155222907, 0.5339212844082966, 0.5834746905560834, 0.492581804564709, 0.5320052337361201, 0.5790739572508656, 0.5954799108559252, 0.5813621094643785, 0.5747970565086631, 0.5443456109310607, 0.5806085222806919, 0.5781383055448426, 0.5374193841087717, 0.5304472327079826, 0.5495148318934004, 0.5512422219011544, 0.5854430029149056, 0.5622587491546478, 0.552197691779307, 0, 0.4299259515991702, 0.4556294859295383, 0.5805580831176442, 0.5014465994290065, 0.5787454172531852, 0.6160622502647397, 0.5817393051734978 ], [ 0.6457647142833636, 0.540891760834232, 0.6185391589425295, 0.6217714173112974, 0.5926712759870403, 0.5533298350064723, 0.5567615688659173, 0.5690861837182244, 0.5414379345123359, 0.5077413100654786, 0.5659366003346467, 0.5094412007771558, 0.5203272914791119, 0.5723353505934616, 0.5621136226221193, 0.5565485540444208, 0.5891744042494493, 0.5108590179306534, 0.5090067524107327, 0.5665699217614912, 0.5067670123089854, 0.5507429685461223, 0.5047777584775771, 0.5217498519150072, 0.5534017946931484, 0.541776055964735, 0.5101915457124961, 0.4299259515991702, 0, 0.41279539616524397, 0.5257519052014734, 0.4762765150019238, 0.5594667520305179, 0.595941753706561, 0.5759623956074625 ], [ 0.6528094131471915, 0.6004246088169611, 0.6238742072003819, 0.6267877524025983, 0.5846384926184345, 0.5786148268508677, 0.5478221378217581, 0.6083951075407514, 0.5544487239859874, 0.5696081975761522, 0.548790984445183, 0.48832819852723464, 0.5251512024359143, 0.570006851466208, 0.6066317915960084, 0.5793172005371702, 0.6071943478480634, 0.5679124270960569, 0.5503104785524194, 0.5273807904236462, 0.5467495517828906, 0.5656784869411895, 0.48483565702766995, 0.5195646892172884, 0.5307418350558131, 0.5160158876815908, 0.5254678282973502, 0.4556294859295383, 0.41279539616524397, 0, 0.5292854176823545, 0.42859491366125924, 0.564737492446272, 0.6192260087779233, 0.5743680052676738 ], [ 0.6389925940775634, 0.6298967191335623, 0.5891535093958855, 0.6069428261665237, 0.5883715900808248, 0.5745161719507574, 0.5524521789269253, 0.5777698150310802, 0.5713497869111972, 0.5918861769713895, 0.558066055224137, 0.5596195433468915, 0.5685128084227067, 0.47984528101585433, 0.5287186874148316, 0.5013536397286693, 0.5983525440783222, 0.54758442690403, 0.5229892412032835, 0.4580327081116753, 0.5374665549024689, 0.5789624951759419, 0.5672337528088347, 0.5474742824545833, 0.5690024371174209, 0.5486016942760963, 0.4805200541808038, 0.5805580831176442, 0.5257519052014734, 0.5292854176823545, 0, 0.43904097868615893, 0.565767995828992, 0.5858468546844693, 0.5809043412314943 ], [ 0.6495258432224651, 0.6186239937483338, 0.5974912574639135, 0.5988234047371995, 0.5761272360485552, 0.5777045587664382, 0.5230832309482065, 0.588560241292071, 0.51959967352208, 0.560702844749007, 0.5042004575112055, 0.4873003435720632, 0.4960557705875634, 0.47236575167597566, 0.5720403903835598, 0.5370205156373834, 0.5976725893281137, 0.5438833770882693, 0.47615813358876247, 0.4755681605172405, 0.5157920957135902, 0.5402094582486863, 0.471551710940839, 0.5355880118452042, 0.5001662530322207, 0.4790892066011598, 0.47494022582245526, 0.5014465994290065, 0.4762765150019238, 0.42859491366125924, 0.43904097868615893, 0, 0.5519773947316597, 0.6146223329295997, 0.5580927972583049 ], [ 0.6371457475937663, 0.6089082684463722, 0.6022206826882269, 0.6225552953363357, 0.6035831882504623, 0.5739262119126349, 0.5871193691541385, 0.5983440815370368, 0.5780297364240997, 0.5780100151790145, 0.5677785230063093, 0.5690095372832025, 0.587017162522565, 0.5991159556768785, 0.6013564938036919, 0.582059893596977, 0.5915450229080612, 0.5642705949836373, 0.5874375527771454, 0.5347426681161087, 0.5480252936088637, 0.5617406065649322, 0.5459156341072814, 0.5345529647785081, 0.5525091931103167, 0.4833149992369454, 0.5453332714599454, 0.5787454172531852, 0.5594667520305179, 0.564737492446272, 0.565767995828992, 0.5519773947316597, 0, 0.5931820678839248, 0.5399389353213216 ], [ 0.5780112123394057, 0.6077830201957765, 0.5941015658456732, 0.6242668884109961, 0.6235521833168944, 0.5936470977885799, 0.6078912593508399, 0.618264102581534, 0.6168105873876938, 0.6067061083513092, 0.6145603379886896, 0.6025567600380475, 0.6322894478205126, 0.6349435905106451, 0.6212047249634554, 0.6009245150713194, 0.6039891980579086, 0.5679033838077432, 0.6088341352668657, 0.6106007149600006, 0.6067153657615343, 0.6344874341978559, 0.6125698045544322, 0.5687504781672474, 0.6085181374672038, 0.6111713061626579, 0.5694571471957096, 0.6160622502647397, 0.595941753706561, 0.6192260087779233, 0.5858468546844693, 0.6146223329295997, 0.5931820678839248, 0, 0.513614182506119 ], [ 0.6416115313599833, 0.5968274685449119, 0.6218788835373223, 0.6161852903563267, 0.6011191937433236, 0.5749384426875435, 0.5944513903788413, 0.592623781294704, 0.5808742088503307, 0.5817460691707508, 0.558689895182277, 0.5562304608733372, 0.5862176582456311, 0.6044441297491218, 0.6133969347058739, 0.586345343852107, 0.5594039754519595, 0.5653892059345309, 0.6071040524632135, 0.550757272447808, 0.5728594745376, 0.5554399385855842, 0.5679891481525867, 0.5133567057162977, 0.565335421607568, 0.5236068728622354, 0.5276814582288774, 0.5817393051734978, 0.5759623956074625, 0.5743680052676738, 0.5809043412314943, 0.5580927972583049, 0.5399389353213216, 0.513614182506119, 0 ] ] } ], "layout": { "autosize": false, "height": 800, "hovermode": "closest", "showlegend": false, "width": 800, "xaxis": { "domain": [ 0.25, 1 ], "mirror": false, "rangemode": "tozero", "showgrid": false, "showline": false, "showticklabels": true, "tickmode": "array", "ticks": "", "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": { "domain": [ 0, 0.75 ], "mirror": false, "rangemode": "tozero", "showgrid": false, "showline": false, "showticklabels": true, "tickmode": "array", "ticks": "", "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 }, "yaxis2": { "domain": [ 0.75, 1 ], "mirror": false, "showgrid": false, "showline": false, "showticklabels": false, "ticks": "", "zeroline": false } } }, "text/html": [ "
" ], "text/vnd.plotly.v1+html": [ "
" ] }, "metadata": {}, "output_type": "display_data" } ], "source": [ "# heatmap annotation\n", "annotation_html = [[\"+++ {}
--- {}\".format(\", \".join(int_tokens), \", \".join(diff_tokens))\n", " for (int_tokens, diff_tokens) in row] for row in annotation]\n", "\n", "# plot heatmap of distance matrix\n", "heatmap = go.Data([\n", " go.Heatmap(\n", " z=heat_data,\n", " colorscale='YIGnBu',\n", " text=annotation_html,\n", " hoverinfo='x+y+z+text'\n", " )\n", "])\n", "\n", "heatmap[0]['x'] = figure['layout']['xaxis']['tickvals']\n", "heatmap[0]['y'] = figure['layout']['xaxis']['tickvals']\n", "\n", "# Add Heatmap Data to Figure\n", "figure['data'].extend(heatmap)\n", "\n", "dendro_leaves = [x + 1 for x in dendro_leaves]\n", "\n", "# Edit Layout\n", "figure['layout'].update({'width': 800, 'height': 800,\n", " 'showlegend':False, 'hovermode': 'closest',\n", " })\n", "\n", "# Edit xaxis\n", "figure['layout']['xaxis'].update({'domain': [.25, 1],\n", " 'mirror': False,\n", " 'showgrid': False,\n", " 'showline': False,\n", " \"showticklabels\": True, \n", " \"tickmode\": \"array\",\n", " \"ticktext\": dendro_leaves,\n", " \"tickvals\": figure['layout']['xaxis']['tickvals'],\n", " 'zeroline': False,\n", " 'ticks': \"\"})\n", "# Edit yaxis\n", "figure['layout']['yaxis'].update({'domain': [0, 0.75],\n", " 'mirror': False,\n", " 'showgrid': False,\n", " 'showline': False,\n", " \"showticklabels\": True, \n", " \"tickmode\": \"array\",\n", " \"ticktext\": dendro_leaves,\n", " \"tickvals\": figure['layout']['xaxis']['tickvals'],\n", " 'zeroline': False,\n", " 'ticks': \"\"})\n", "# Edit yaxis2\n", "figure['layout'].update({'yaxis2':{'domain': [0.75, 1],\n", " 'mirror': False,\n", " 'showgrid': False,\n", " 'showline': False,\n", " 'zeroline': False,\n", " 'showticklabels': False,\n", " 'ticks': \"\"}})\n", "\n", "py.iplot(figure)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "The heatmap lets us see the exact distance measure between any two topics in the z-value of their corresponding cell and also their intersecting or different terms in the +++/--- annotation. This could help see the distance between those topics also which are not directly connected in the dendrogram." ] } ], "metadata": { "kernelspec": { "display_name": "Python 3", "language": "python", "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", "version": "3.7.1" } }, "nbformat": 4, "nbformat_minor": 2 }