{ "cells": [ { "cell_type": "markdown", "id": "1fb2460e", "metadata": {}, "source": [ "Main Results\n", "==========" ] }, { "cell_type": "markdown", "id": "d8fe180c", "metadata": {}, "source": [ "With the data at hand and all of the preprocessing put behind we now put together our great Wikipedia network that describes how the pages references to other pages at the site. So buckle up and get ready for a crazy ride through the winding roads of academia on Wikipedia. " ] }, { "cell_type": "code", "execution_count": 64, "id": "984bb587", "metadata": { "ExecuteTime": { "end_time": "2021-12-08T22:20:47.051780Z", "start_time": "2021-12-08T22:20:47.009488Z" }, "tags": [ "hide-input" ] }, "outputs": [ { "data": { "text/html": [ "\n", "\n", "\n", "\n", "\n", "\n", " \n", " \n", " \n", " \n", " full_network\n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", "
\n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", " \n", "" ], "text/plain": [ "" ] }, "metadata": {}, "output_type": "display_data" } ], "source": [ "from IPython.core.display import display, HTML\n", "display(HTML('full_network.html'))" ] }, { "cell_type": "markdown", "id": "53798961", "metadata": {}, "source": [ "So what does this network tell us about the disciplines? Well it seems that religion is not only the [opium of the of the people](https://en.wikipedia.org/wiki/Opium_of_the_people) but also for the social sciences as this it the most linked page across all disciplines. The network seemingly confirms one of many academic-stereotypes: Researches rarely care about anything outside their own field. The outlier here seems to be Sociology that makes a sympathic and honorable attempt at working as a middle-man linking knowledge from Psychology, Anthropology and Political Science. But even for sociologists the field of Economics are rather distinct except for the case of notable scholars as [Bertrand Russel](https://en.wikipedia.org/wiki/Bertrand_Russell), [John Rawls](https://en.wikipedia.org/wiki/John_Rawls) and [Daniel Kahneman](https://en.wikipedia.org/wiki/Daniel_Kahneman) whose categorisation as economists are rather dubious to say the least. Likewise, our use of the advanced statistical technique *node2vec* confirms this, and goes even further by providing evidence suggesting that the classical opponents in Social Science, Economics and Anthropology, are as expected the least connected disciplines. Besides *node2vec*, we also use a technique called *doc2vec* to create a projection of the Wiki pages text. The distance between points can be interpreted as a metric of how similar they are. These so called \"embeddings\" can be seen through `Tensorboard`:\n", "\n", "* [Document Embeddings](https://projector.tensorflow.org/?config=https://raw.githubusercontent.com/MatPiq/social-graphs-embeddings-data/main/document_config.json)\n", "* [Node Embeddings](https://projector.tensorflow.org/?config=https://raw.githubusercontent.com/MatPiq/social-graphs-embeddings-data/main/node_config.json)" ] }, { "cell_type": "markdown", "id": "ef75d94a", "metadata": {}, "source": [ "To take our analysis a bit deeper we use a *community-detection* algorithm that locates which pages tend to bundle together and form groups - so-called communites - in our network. The image below shows the 9 biggest communites found by our algorithm and the corresponding word best describing each community." ] }, { "cell_type": "code", "execution_count": 61, "id": "f9768f4a", "metadata": { "ExecuteTime": { "end_time": "2021-12-08T22:20:33.670819Z", "start_time": "2021-12-08T22:17:41.615938Z" }, "tags": [ "hide-input" ] }, "outputs": [], "source": [ "%%capture\n", "# Yep we need all the code here ...\n", "import time\n", "import pickle\n", "import pandas as pd\n", "import community\n", "import networkx as nx\n", "from fa2 import ForceAtlas2\n", "import numpy as np\n", "from typing import List\n", "from tqdm.notebook import tqdm\n", "from collections import Counter, namedtuple, defaultdict\n", "from sklearn.linear_model import LogisticRegression\n", "\n", "import warnings\n", "warnings.filterwarnings('ignore') # Hide DeprecationWarning\n", "import matplotlib.pyplot as plt\n", "from IPython.display import set_matplotlib_formats\n", "from matplotlib import rc\n", "plt.style.use('science')\n", "set_matplotlib_formats('svg')\n", "rc(\"text\", usetex=False)\n", "\n", "from pyvis.network import Network\n", "from bokeh.io import output_notebook, show, save, output_file\n", "from bokeh.models import Range1d, Circle, ColumnDataSource, MultiLine\n", "from bokeh.plotting import from_networkx\n", "from bokeh import palettes\n", "from bokeh.layouts import row\n", "from bokeh.plotting import figure\n", "from bokeh.models import Title\n", "output_notebook()\n", "\n", "# We load in our final edgelist and model an undirected network\n", "edgelist = pd.read_pickle('https://drive.google.com/uc?export=download&id=1e3sy-VzJQXP1CozdBviCD5PYgrcWC_dw')\n", "node_attr = pd.read_pickle(\"https://drive.google.com/uc?export=download&id=1HvB-OQt4P-MXEM7X-fT47_aso9-KL_pK\")\n", "G = nx.Graph()\n", "G.add_edges_from(edgelist) \n", "nx.set_node_attributes(G, node_attr)\n", "\n", "# We extract the gcc\n", "gcc = max(nx.connected_components(G), key=len)\n", "G = G.subgraph(gcc)\n", "\n", "#Get Louvain partitions and the distribution of communites\n", "partition = community.best_partition(G, random_state = 1) # Set seed for reproducibility\n", "community_distribution = Counter(partition.values())\n", "\n", "df = pd.read_pickle('Final_df.pickle')\n", "\n", "def get_bigrams(unigram: list) -> list:\n", " \"\"\"\n", " Takes list of unigrams and converts them to bigrams\n", " \"\"\"\n", " return[\"_\".join([unigram[i], unigram[i+1]]) for i,t in enumerate(unigram) if i != len(unigram)-1]\n", "\n", "df[\"unigrams\"] = df[\"tokens\"]\n", "df[\"bigrams\"] = df[\"unigrams\"].apply(lambda x: get_bigrams(x))\n", "\n", "def create_dfm(docs:List[List], min_df:int=1, \n", " max_df:int=np.inf, idf:bool=True, \n", " return_vocab=False)->np.array:\n", " \"\"\"\n", " Creates document-feature matrix of size N (docs) x K (vocab size).\n", " args:\n", " docs(list[list]): a list of documents where a document is a list of tokens.\n", " max_df(int): maximum freq allowed for a token in a document\n", " min_df(int): minimum freq required for a token in a document\n", " idf(bool): calculate the iverse document frequency (idf) else raw count\n", " returns:\n", " dfm(np.array): the NxK dfm\n", " vocab(list): vocab of unique tokens\n", " \"\"\"\n", " #Remove very common or uncommon words\n", " if min_df != 0 or max_df != np.inf:\n", " temp = []\n", " for doc in docs:\n", " word_freq = Counter(doc)\n", " temp.append([w for w in doc if word_freq[w] >= min_df and \n", " word_freq[w] <= max_df])\n", " docs = temp\n", " \n", " #Build the vocabulary and create index for each token\n", " vocab = list(set([w for doc in docs for w in doc]))\n", " vocab_size = len(vocab)\n", " tok2idx = {w:i for i,w in enumerate(vocab)}\n", " doc_n = len(docs)\n", " \n", " #Instantiate the dfm and add counts\n", " dfm = np.zeros([doc_n, vocab_size])\n", " for i,toks in enumerate(docs):\n", " for tok in toks:\n", " tok_idx = tok2idx[tok]\n", " dfm[i, tok_idx] += 1\n", " \n", " #Calculate tf-idf\n", " if idf:\n", " dfm = dfm / dfm.sum(axis = 1)[:, None]\n", " idf = np.sign(dfm)\n", " for i in range(doc_n):\n", " idf[i] = np.log((doc_n / idf.sum(axis = 0)))\n", " dfm *= idf\n", " \n", " if return_vocab:\n", " return dfm, vocab\n", " else:\n", " return dfm\n", "\n", "#Add the corresponding community to each page in the DataFrame\n", "communites = []\n", "obs = namedtuple('Obs', 'name Louvain_Community')\n", "for n in df['title']:\n", " try:\n", " com = 'community_'+str(partition[n])\n", " except:\n", " com = np.nan\n", " communites.append(obs(n, com))\n", "df = pd.merge(df, pd.DataFrame(communites), left_on='title', right_on = 'name')\n", "\n", "#Get top9 communities\n", "top9 = ['community_'+str(c[0]) for c in community_distribution.most_common(9)]\n", "\n", "#Subset data on top 9 communities and groupby community. Extract the unigrams and bigrams.\n", "top9_df = df.loc[df['Louvain_Community']\\\n", " .isin(top9)].groupby('Louvain_Community')\\\n", " .agg({'unigrams':'sum',\n", " 'bigrams':'sum'})\n", "\n", "# Token list with both unigrams and bigrams\n", "tokens = top9_df.reset_index()[\"unigrams\"] + top9_df.reset_index()[\"bigrams\"]\n", "\n", "#Create the document term frequency matrices for unigrams and bigrams. Token must appear min. 5 times\n", "tf_idf, vocab = create_dfm(tokens, idf=True, return_vocab=True, min_df=5)\n", "\n", "#Put into dataframes with vocab as colnames and community as index\n", "tfidf_df = pd.DataFrame(tf_idf, columns=vocab, index = top9_df.index)\n", "\n", "# Document feature matrix with simple counts\n", "token_count, vocab = create_dfm(tokens, idf=False, return_vocab=True, min_df=5)\n", "token_count_pd = pd.DataFrame(token_count, columns=vocab, index = top9_df.index)\n", "\n", "def multinomial_logit_margins(x:np.array=token_count_pd.values,\n", " y:np.array=token_count_pd.index.values,\n", " vocab:list=vocab, p:int=2) -> pd.DataFrame:\n", " \"\"\"\n", " Fits a multinomial logistic regression with LASSO penalty of size p.\n", " Then finds the average marginal effect for each feature for each y and append \n", " it to a DataFrame. The model fits based on a x and y both being numpy arrays. \n", " \"\"\"\n", " fitted_model = LogisticRegression(multi_class='multinomial', \n", " penalty='l1', \n", " solver = \"saga\", \n", " C= p,\n", " max_iter=10000).fit(x,y)\n", " betas = fitted_model.coef_\n", " probas = fitted_model.predict_proba(x)\n", " classes = fitted_model.classes_\n", " if len(classes) > 2:\n", " diff = betas[:,None] - np.dot(probas, betas)\n", " avg_margins = np.sum(probas * diff.T, axis=1) / probas.shape[0]\n", " avg_margins = pd.DataFrame(avg_margins, columns=classes)\n", " avg_margins[\"token\"] = vocab\n", " return avg_margins\n", "\n", "def plot_most_predictive_features(margins_df:pd.DataFrame, K:int=20):\n", " \"\"\"\n", " Based on a DataFrame with the average marginal effect for a list of \n", " features this function plots the K highest features for the different \n", " classes.\n", " \"\"\"\n", " fig, axs = plt.subplots(nrows = 3, ncols=3, figsize = (10,10), dpi = 300)\n", " fig.suptitle(\"Top 20 most predictive features for various communities\", fontsize=16)\n", " \n", " axs = axs.flat\n", " community_features = {}\n", " most_predictive_features = {}\n", " for j, c in enumerate(margins_df.drop('token', axis=1).columns):\n", " community_features[c] = {margins_df[\"token\"][i]: margins_df[c][i] for i in np.argpartition(margins_df[c],-K)[-K:]}\n", " community_features[c] = sorted(community_features[c].items(), key=lambda x: x[1], reverse=True)\n", " x = [i[0].replace('_', ' ') for i in community_features[c]]\n", " y = [i[1] for i in community_features[c]]\n", " axs[j].plot(x, y,'ko')\n", " axs[j].set_title(f\"{c.replace('_', ' ')}\", size = 10)\n", " axs[j].tick_params(axis='x', rotation=90)\n", " axs[j].tick_params(axis='x', which='minor', bottom=False, top=False)\n", " \n", " most_predictive_features[c] = x\n", " plt.tight_layout()\n", " \n", " return most_predictive_features # We return all the features as we want to use them later..\n", "# Prettyfying and uniforming names in the df and graph\n", "\n", "# We fit the multinomial_logit_margins() on our raw counts and plot our results\n", "margins_pd = multinomial_logit_margins()\n", "most_predictive_features = plot_most_predictive_features(margins_pd)\n", "\n", "def change_node_names(node):\n", " \"\"\"\n", " Replaces \"_\" to \" \" in node names.\n", " \"\"\"\n", " return \" \".join(node.split(\"_\"))\n", "G = nx.relabel_nodes(G, change_node_names)\n", "df[\"title\"] = df[\"title\"].apply(lambda x: \" \".join(x.split(\"_\")))\n", "\n", "# Setting colours\n", "def get_colors_palette_from_parent(G: nx.Graph) -> dict:\n", " \"\"\"\n", " Creates a color palette given the parent attribute of the \n", " nodes in a network.\n", " \"\"\"\n", " disciplines = set([G.nodes[node][\"parent\"] for node in G.nodes()])\n", " col_pal = palettes.viridis(len(disciplines))\n", " col_pal = {parent: col_pal[key] for key, parent in enumerate(disciplines)}\n", " return col_pal\n", "\n", "col_pal = get_colors_palette_from_parent(G)\n", "\n", "def get_color_list_from_palette(G: nx.Graph, col_pal: dict=col_pal) -> list:\n", " \"\"\"\n", " Creates a list of colors given the parent attribute of a node\n", " and its color defined in the color palette.\n", " \"\"\"\n", " return [col_pal[G.nodes[i][\"parent\"]] for i in G.nodes]\n", "\n", "# Creates dictionary of subgraphs for each community\n", "community_graphs = {}\n", "for c in top9_df.index.tolist():\n", " community_nodes = [x for x, y in G.nodes(data=True) \n", " if x in df[df[\"Louvain_Community\"] == c][\"title\"].tolist()]\n", " community_graphs[c] = G.subgraph(community_nodes)\n", " \n", "# Specifies positioning algorithm\n", "forceatlas2 = ForceAtlas2(gravity=1)\n", "\n", "# Create and store a graph plot for each community\n", "graphs = {}\n", "for i, k in enumerate(community_graphs.keys()):\n", " G = community_graphs[k]\n", " title = f'Community: {k.split(\"_\")[1]}'\n", " HOVER_TOOLTIPS = [(\"Page\", \"@index\"),\n", " (\"Discipline\", \"@parent\")]\n", " \n", " #Create a plot\n", " graphs[k] = figure(tooltips = HOVER_TOOLTIPS,\n", " width=333, plot_height=333,\n", " tools=\"pan,wheel_zoom,save,reset\", active_scroll='wheel_zoom', \n", " x_range=Range1d(-250, 250),\n", " y_range=Range1d(-250, 250))\n", " \n", " # Add title and subtitle\n", " graphs[k].add_layout(Title(text= f'{most_predictive_features[k][0:5]}', text_font_style=\"italic\"), 'above')\n", " graphs[k].add_layout(Title(text=f'Community: {k.split(\"_\")[1]}', text_font_size=\"16pt\"), 'above')\n", " \n", " # Hide grid and axs\n", " graphs[k].axis.visible = False\n", " graphs[k].grid.grid_line_color = None\n", " \n", " #Set positions, node size and color\n", " positions = forceatlas2.forceatlas2_networkx_layout(G, pos=None, iterations=2000)\n", " G_interactive = from_networkx(G, positions, scale=1, center=(0, 0))\n", " G_interactive.node_renderer.data_source.data['node_sizes'] = [G.degree(node) * 0.25 for node in tqdm(G.nodes())]\n", " G_interactive.node_renderer.data_source.data['node_colour'] = get_color_list_from_palette(G)\n", " G_interactive.node_renderer.data_source.data['alpha'] = [0.75 for node in G.nodes()]\n", " G_interactive.node_renderer.glyph = Circle(\n", " size=\"node_sizes\",\n", " fill_color=\"node_colour\",\n", " fill_alpha = \"alpha\")\n", " \n", " #Set edge opacity and width\n", " G_interactive.edge_renderer.glyph = MultiLine(line_alpha=0.8, line_width=0.1)\n", " graphs[k].renderers.append(G_interactive)" ] }, { "cell_type": "code", "execution_count": 63, "id": "b2074f1b", "metadata": { "ExecuteTime": { "end_time": "2021-12-08T22:20:38.585605Z", "start_time": "2021-12-08T22:20:37.695717Z" }, "tags": [ "hide-input" ] }, "outputs": [ { "data": { "text/html": [ "\n", "\n", "\n", "\n", "\n", "\n", "
\n" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "application/javascript": [ "(function(root) {\n", " function embed_document(root) {\n", " \n", " var docs_json = {\"8cf51a29-d760-4916-a257-06c58c94976b\":{\"defs\":[],\"roots\":{\"references\":[{\"attributes\":{\"children\":[{\"id\":\"3155\"},{\"id\":\"3221\"},{\"id\":\"3287\"}]},\"id\":\"3747\",\"type\":\"Row\"},{\"attributes\":{\"data\":{\"end\":[\"left-wing politics\",\"people\",\"christian communism\",\"ethical socialism\",\"democratic capitalism\",\"equal opportunity\",\"dictatorship of the proletariat\",\"proletarian revolution\",\"worker cooperative\",\"real socialism\",\"nanosocialism\",\"industrial democracy\",\"labour voucher\",\"religious socialism\",\"blanquism\",\"popular socialism\",\"list of social democratic parties\",\"criticism of capitalism\",\"participism\",\"edinburgh university socialist society\",\"list of left-wing internationals\",\"gar alperovitz\",\"rat race\",\"left communism\",\"equality of outcome\",\"history of communism\",\"history of democratic socialism\",\"history of social democracy\",\"people\",\"left-wing politics\",\"social imperialism\",\"people\",\"eastern bloc\",\"christian communism\",\"base and superstructure\",\"self-criticism\",\"dictatorship of the proletariat\",\"proletarian revolution\",\"world revolution\",\"commanding heights of the economy\",\"worker cooperative\",\"social revolution\",\"left communism\",\"history of communism\",\"religious communism\",\"revolutions of 1989\",\"national communism\",\"crimes against humanity under communist regimes\",\"marxist sociology\",\"left-wing politics\",\"people\",\"situationist international\",\"christian communism\",\"equal opportunity\",\"dictatorship of the proletariat\",\"proletarian revolution\",\"nanosocialism\",\"industrial democracy\",\"labour voucher\",\"blanquism\",\"criticism of capitalism\",\"participism\",\"left communism\",\"equality of outcome\",\"history of communism\",\"situationist international\",\"base and superstructure\",\"right to the city\",\"real socialism\",\"rat race\",\"eastern bloc\",\"international workers' day\",\"social service review\",\"people\",\"situationist international\",\"social revolution\",\"participism\",\"left communism\",\"consensus democracy\",\"outline of anarchism\",\"nanosocialism\",\"religious socialism\",\"university of chicago institute of politics\",\"ethical socialism\",\"housing affordability index\",\"production for profit\",\"recuperation (politics)\",\"sociology of manchester\",\"base and superstructure\",\"psychogeography\",\"people\",\"evolutionary studies institute\",\"situationist international\",\"christian communism\",\"list of social democratic parties\",\"history of communism\",\"criticism of capitalism\",\"legal naturalism\",\"national communism\",\"outline of anarchism\",\"communism and lgbt rights\",\"crypto-communism\",\"social corporatism\",\"frankfurt declaration\",\"edinburgh university socialist society\",\"industrial democracy\",\"religious communism\",\"left communism\",\"dictatorship of the proletariat\",\"communist era\",\"real socialism\",\"world revolution\",\"proletarian revolution\",\"history of democratic socialism\",\"aromanian question\",\"murfee\",\"history of social democracy\",\"comunismo a la tica\",\"reproduction (economics)\",\"surplus labour\",\"value product\",\"google finance\",\"foreclosure rescue\",\"surplus value\",\"nw 39th street enclave\",\"concession (contract)\",\"marxist sociology\",\"social service review\",\"daphne dorman\",\"fallen woman\",\"christian communism\",\"religious socialism\",\"biblical patriarchy\",\"radical egalitarianism\",\"personal life\",\"left-wing politics\",\"base and superstructure\",\"dictatorship of the proletariat\",\"proletarian revolution\",\"world revolution\",\"left communism\",\"history of communism\",\"jurisprudence of concepts\",\"left-wing politics\",\"eastern bloc\",\"self-criticism\",\"world revolution\",\"commanding heights of the economy\",\"worker cooperative\",\"social revolution\",\"history of communism\",\"revolutions of 1989\",\"national communism\",\"eastern bloc\",\"enemy of the people\",\"social patriotism\",\"enemy of the people (albania)\",\"perestroika\",\"eastern bloc\",\"democratic capitalism\",\"revolutions of 1989\",\"gar alperovitz\",\"social imperialism\",\"surplus value\",\"enemy of the people\",\"eastern bloc\",\"base and superstructure\",\"self-criticism\",\"barracks communism\",\"dictatorship of the proletariat\",\"proletarian revolution\",\"world revolution\",\"production for profit\",\"bevanism\",\"communist front\",\"domestic trade\",\"worker cooperative\",\"real socialism\",\"social revolution\",\"people's democracy (marxism\\u2013leninism)\",\"enemy of the people (albania)\",\"surplus labour\",\"national communism\",\"left-wing politics\",\"christian communism\",\"equal opportunity\",\"dictatorship of the proletariat\",\"proletarian revolution\",\"nanosocialism\",\"industrial democracy\",\"labour voucher\",\"blanquism\",\"criticism of capitalism\",\"participism\",\"left communism\",\"equality of outcome\",\"history of communism\",\"surplus value\",\"equal opportunity\",\"criticism of capitalism\",\"production for profit\",\"surplus labour\",\"history of social democracy\",\"reproduction (economics)\",\"equal opportunity\",\"nanosocialism\",\"industrial democracy\",\"labour voucher\",\"blanquism\",\"criticism of capitalism\",\"history of democratic socialism\",\"primitivism\",\"worker cooperative\",\"industrial democracy\",\"labour voucher\",\"participism\",\"left communism\",\"consensus democracy\",\"situationist international\",\"christian communism\",\"ethical socialism\",\"equal opportunity\",\"proletarian revolution\",\"world revolution\",\"real socialism\",\"social revolution\",\"nanosocialism\",\"industrial democracy\",\"labour voucher\",\"religious socialism\",\"criticism of capitalism\",\"list of social democratic parties\",\"participism\",\"history of democratic socialism\",\"perestroika\",\"political repression\",\"eastern bloc\",\"democratic capitalism\",\"world revolution\",\"real socialism\",\"criticism of capitalism\",\"history of communism\",\"gar alperovitz\",\"communist front\",\"people's democracy (marxism\\u2013leninism)\",\"triangular diplomacy\",\"history of social democracy\",\"civilian-based defense\",\"ithaca hours\",\"christian communism\",\"ethical socialism\",\"equal opportunity\",\"real socialism\",\"nanosocialism\",\"industrial democracy\",\"religious socialism\",\"list of social democratic parties\",\"criticism of capitalism\",\"participism\",\"history of democratic socialism\",\"left-wing politics\",\"christian communism\",\"proletarian revolution\",\"world revolution\",\"worker cooperative\",\"social revolution\",\"history of communism\",\"religious communism\",\"crypto-communism\",\"communist era\",\"comunismo a la tica\",\"left-wing politics\",\"perestroika\",\"surplus value\",\"christian communism\",\"ethical socialism\",\"base and superstructure\",\"dictatorship of the proletariat\",\"proletarian revolution\",\"world revolution\",\"worker cooperative\",\"real socialism\",\"social revolution\",\"nanosocialism\",\"industrial democracy\",\"criticism of capitalism\",\"left communism\",\"religious socialism\",\"list of social democratic parties\",\"religious communism\",\"communist correspondence committee\",\"crimes against humanity under communist regimes\",\"crypto-communism\",\"communist era\",\"history of democratic socialism\",\"comunismo a la tica\",\"surplus labour\",\"value product\",\"marxist sociology\",\"left-wing politics\",\"christian communism\",\"equal opportunity\",\"industrial democracy\",\"criticism of capitalism\",\"nanosocialism\",\"frankfurt declaration\",\"social corporatism\",\"participism\",\"left communism\",\"dictatorship of the proletariat\",\"equality of outcome\",\"proletarian revolution\",\"list of social democratic parties\",\"history of social democracy\",\"perestroika\",\"eastern bloc\",\"democratic capitalism\",\"gar alperovitz\",\"left-wing politics\",\"christian communism\",\"equal opportunity\",\"dictatorship of the proletariat\",\"proletarian revolution\",\"nanosocialism\",\"industrial democracy\",\"criticism of capitalism\",\"participism\",\"left communism\",\"equality of outcome\",\"frankfurt declaration\",\"social corporatism\",\"left-wing politics\",\"surplus value\",\"christian communism\",\"democratic capitalism\",\"equal opportunity\",\"dictatorship of the proletariat\",\"proletarian revolution\",\"real socialism\",\"social revolution\",\"nanosocialism\",\"industrial democracy\",\"religious socialism\",\"surplus labour\",\"value product\",\"real-world economics review\",\"marxist sociology\",\"religious communism\",\"criticism of capitalism\",\"consensus democracy\",\"participism\",\"economic mobility\",\"frankfurt declaration\",\"social corporatism\",\"left communism\",\"equality of outcome\",\"history of democratic socialism\",\"history of social democracy\",\"equality of outcome\",\"situationist international\",\"socialist realism\",\"participism\",\"industrial democracy\",\"social imperialism\",\"situationist international\",\"enemy of the people\",\"christian communism\",\"base and superstructure\",\"barracks communism\",\"dictatorship of the proletariat\",\"proletarian revolution\",\"world revolution\",\"production for profit\",\"industrial democracy\",\"crypto-communism\",\"participism\",\"religious communism\",\"people's democracy (marxism\\u2013leninism)\",\"communist era\",\"real socialism\",\"enemy of the people (albania)\",\"comunismo a la tica\",\"surplus labour\",\"dictatorship of the proletariat\",\"situationist international\",\"social revolution\",\"participism\",\"left communism\",\"consensus democracy\",\"the revolution of everyday life\",\"personal life\",\"perestroika\",\"situationist international\",\"real socialism\",\"socialist realism\",\"eastern bloc\",\"christian communism\",\"nanosocialism\",\"religious socialism\",\"economic mobility\",\"equality of outcome\",\"great gatsby curve\",\"equal opportunity\",\"participism\",\"industrial democracy\",\"real socialism\",\"history of democratic socialism\",\"left-wing politics\",\"surplus value\",\"base and superstructure\",\"dictatorship of the proletariat\",\"proletarian revolution\",\"world revolution\",\"left communism\",\"net national product\",\"production for profit\",\"reproduction (economics)\",\"surplus labour\",\"psychogeography\",\"recuperation (politics)\",\"social revolution\",\"world revolution\",\"the revolution of everyday life\",\"left communism\",\"consensus democracy\",\"industrial democracy\",\"participism\",\"eastern bloc\",\"situationist international\",\"brandalism\",\"proletarian revolution\",\"fallen woman\",\"democratic capitalism\",\"survey on household income and wealth\",\"great gatsby curve\",\"left-wing politics\",\"political repression\",\"eastern bloc\",\"christian communism\",\"dictatorship of the proletariat\",\"proletarian revolution\",\"nanosocialism\",\"industrial democracy\",\"participism\",\"left communism\",\"equality of outcome\",\"left-wing politics\",\"proletarian revolution\",\"recuperation (politics)\",\"world revolution\",\"the revolution of everyday life\",\"left communism\",\"consensus democracy\",\"participism\",\"social revolution\",\"great gatsby curve\",\"social imperialism\",\"world revolution\",\"social imperialism\",\"self-criticism\",\"democratic capitalism\",\"proletarian revolution\",\"social revolution\",\"industrial democracy\",\"participism\",\"equality of outcome\",\"social imperialism\",\"surplus value\",\"enemy of the people\",\"base and superstructure\",\"self-criticism\",\"barracks communism\",\"dictatorship of the proletariat\",\"proletarian revolution\",\"world revolution\",\"real socialism\",\"social revolution\",\"surplus labour\",\"real-world economics review\",\"marxist sociology\",\"left-wing politics\",\"world revolution\",\"social revolution\",\"crimes against humanity under communist regimes\",\"left-wing politics\",\"self-criticism\",\"barracks communism\",\"base and superstructure\",\"dictatorship of the proletariat\",\"proletarian revolution\",\"world revolution\",\"surplus value\",\"enemy of the people\",\"real socialism\",\"social revolution\",\"people's democracy (marxism\\u2013leninism)\",\"enemy of the people (albania)\",\"surplus labour\",\"left-wing politics\",\"surplus value\",\"enemy of the people\",\"barracks communism\",\"dictatorship of the proletariat\",\"proletarian revolution\",\"world revolution\",\"left communism\",\"real socialism\",\"self-criticism\",\"social revolution\",\"people's democracy (marxism\\u2013leninism)\",\"enemy of the people (albania)\",\"surplus labour\",\"marxist sociology\",\"surplus value\",\"self-criticism\",\"barracks communism\",\"dictatorship of the proletariat\",\"proletarian revolution\",\"world revolution\",\"real socialism\",\"social revolution\",\"surplus value\",\"barracks communism\",\"dictatorship of the proletariat\",\"proletarian revolution\",\"world revolution\",\"real socialism\",\"self-criticism\",\"social revolution\",\"people's democracy (marxism\\u2013leninism)\",\"surplus labour\",\"dictatorship of the proletariat\",\"left-wing politics\",\"barracks communism\",\"people's democracy (marxism\\u2013leninism)\",\"dictatorship of the proletariat\",\"real socialism\",\"world revolution\",\"proletarian revolution\",\"democratic capitalism\",\"reproduction (economics)\",\"surplus labour\",\"real-world economics review\",\"marxist sociology\",\"left communism\",\"perestroika\",\"self-criticism\",\"dictatorship of the proletariat\",\"proletarian revolution\",\"world revolution\",\"real socialism\",\"social revolution\",\"people's democracy (marxism\\u2013leninism)\",\"surplus labour\",\"left-wing politics\",\"dictatorship of the proletariat\",\"proletarian revolution\",\"world revolution\",\"left communism\",\"reproduction (economics)\",\"left-wing politics\",\"political repression\",\"christian communism\",\"dictatorship of the proletariat\",\"proletarian revolution\",\"world revolution\",\"real socialism\",\"crypto-communism\",\"participism\",\"religious communism\",\"left communism\",\"people's democracy (marxism\\u2013leninism)\",\"communist era\",\"history of social democracy\",\"surplus labour\",\"eastern bloc\",\"dictatorship of the proletariat\",\"frankfurt declaration\",\"social corporatism\",\"political repression\",\"perestroika\",\"eastern bloc\",\"democratic capitalism\",\"gar alperovitz\",\"surplus labour\",\"real-world economics review\",\"left-wing politics\",\"eastern bloc\",\"christian communism\",\"self-criticism\",\"dictatorship of the proletariat\",\"proletarian revolution\",\"world revolution\",\"people's democracy (marxism\\u2013leninism)\",\"participism\",\"left communism\",\"equality of outcome\",\"nanosocialism\",\"industrial democracy\",\"surplus labour\",\"left-wing politics\",\"christian communism\",\"democratic capitalism\",\"dictatorship of the proletariat\",\"proletarian revolution\",\"nanosocialism\",\"religious socialism\",\"participism\",\"industrial democracy\",\"frankfurt declaration\",\"social corporatism\",\"left communism\",\"equality of outcome\",\"christian communism\",\"nanosocialism\",\"religious socialism\",\"left-wing politics\",\"political repression\",\"christian communism\",\"self-criticism\",\"dictatorship of the proletariat\",\"nanosocialism\",\"religious socialism\",\"bevanism\",\"left communism\",\"people's democracy (marxism\\u2013leninism)\",\"world revolution\",\"proletarian revolution\",\"surplus labour\",\"left-wing politics\",\"christian communism\",\"dictatorship of the proletariat\",\"world revolution\",\"nanosocialism\",\"participism\",\"religious socialism\",\"recuperation (politics)\",\"surplus labour\",\"christian communism\",\"world revolution\",\"religious communism\",\"crypto-communism\",\"left-wing politics\",\"nanosocialism\",\"religious socialism\",\"world revolution\",\"religious communism\",\"he who does not work, neither shall he eat\",\"participism\",\"dictatorship of the proletariat\",\"left-wing politics\",\"world revolution\",\"religious socialism\",\"left-wing politics\",\"world revolution\",\"left-wing politics\",\"world revolution\",\"recuperation (politics)\",\"eastern bloc\",\"communist front\",\"people's democracy (marxism\\u2013leninism)\",\"dictatorship of the proletariat\",\"world revolution\",\"surplus labour\",\"self-criticism\",\"eastern bloc\",\"dictatorship of the proletariat\",\"world revolution\",\"eastern bloc\",\"he who does not work, neither shall he eat\",\"left-wing politics\",\"eastern bloc\",\"nanosocialism\",\"religious socialism\",\"world revolution\",\"dictatorship of the proletariat\",\"surplus labour\",\"left-wing politics\",\"nanosocialism\",\"participism\",\"eastern bloc\",\"harvard institute of politics\",\"eastern bloc\",\"left-wing politics\",\"recuperation (politics)\",\"world revolution\",\"surplus labour\",\"frankfurt declaration\",\"left-wing politics\",\"nanosocialism\",\"eastern bloc\",\"organization & environment\",\"participism\",\"democratic capitalism\",\"democratic capitalism\",\"rat race\"],\"start\":[\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"workplace democracy\",\"ucla luskin school of public affairs\",\"bibliography of works about communism\",\"bibliography of works about communism\",\"bibliography of works about communism\",\"bibliography of works about communism\",\"bibliography of works about communism\",\"bibliography of works about communism\",\"bibliography of works about communism\",\"bibliography of works about communism\",\"bibliography of works about communism\",\"bibliography of works about communism\",\"bibliography of works about communism\",\"bibliography of works about communism\",\"bibliography of works about communism\",\"bibliography of works about communism\",\"bibliography of works about communism\",\"bibliography of works about communism\",\"bibliography of works about communism\",\"bibliography of works about communism\",\"bibliography of works about communism\",\"capital (marxism)\",\"list of left-wing internationals\",\"list of left-wing internationals\",\"list of left-wing internationals\",\"list of left-wing internationals\",\"list of left-wing internationals\",\"list of left-wing internationals\",\"list of left-wing internationals\",\"list of left-wing internationals\",\"list of left-wing internationals\",\"list of left-wing internationals\",\"list of left-wing internationals\",\"list of left-wing internationals\",\"list of left-wing internationals\",\"list of left-wing internationals\",\"list of left-wing internationals\",\"list of left-wing internationals\",\"new left review\",\"new left review\",\"new left review\",\"new left review\",\"the theory of interstellar trade\",\"international workers' day\",\"international workers' day\",\"summerhill (book)\",\"an anarchist faq\",\"an anarchist faq\",\"an anarchist faq\",\"an anarchist faq\",\"an anarchist faq\",\"an anarchist faq\",\"an anarchist faq\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"people\",\"christian egalitarianism\",\"christian egalitarianism\",\"christian egalitarianism\",\"christian egalitarianism\",\"christian egalitarianism\",\"ed miliband bacon sandwich photograph\",\"legal naturalism\",\"legal naturalism\",\"legal naturalism\",\"legal naturalism\",\"legal naturalism\",\"legal naturalism\",\"legal naturalism\",\"legal naturalism\",\"communism and lgbt rights\",\"communism and lgbt rights\",\"communism and lgbt rights\",\"communism and lgbt rights\",\"communism and lgbt rights\",\"communism and lgbt rights\",\"communism and lgbt rights\",\"communism and lgbt rights\",\"communism and lgbt rights\",\"communism and lgbt rights\",\"land consolidation\",\"no war but the class war\",\"no war but the class war\",\"no war but the class war\",\"sovereignty of puerto rico during the cold war\",\"sovereignty of puerto rico during the cold war\",\"sovereignty of puerto rico during the cold war\",\"sovereignty of puerto rico during the cold war\",\"sovereignty of puerto rico during the cold war\",\"commanding heights of the economy\",\"commanding heights of the economy\",\"commanding heights of the economy\",\"commanding heights of the economy\",\"commanding heights of the economy\",\"commanding heights of the economy\",\"commanding heights of the economy\",\"commanding heights of the economy\",\"commanding heights of the economy\",\"commanding heights of the economy\",\"commanding heights of the economy\",\"commanding heights of the economy\",\"commanding heights of the economy\",\"commanding heights of the economy\",\"commanding heights of the economy\",\"commanding heights of the economy\",\"commanding heights of the economy\",\"commanding heights of the economy\",\"commanding heights of the economy\",\"commanding heights of the economy\",\"aromanian question\",\"edinburgh university socialist society\",\"edinburgh university socialist society\",\"edinburgh university socialist society\",\"edinburgh university socialist society\",\"edinburgh university socialist society\",\"edinburgh university socialist society\",\"edinburgh university socialist society\",\"edinburgh university socialist society\",\"edinburgh university socialist society\",\"edinburgh university socialist society\",\"edinburgh university socialist society\",\"edinburgh university socialist society\",\"edinburgh university socialist society\",\"edinburgh university socialist society\",\"john roemer\",\"john roemer\",\"john roemer\",\"john roemer\",\"john roemer\",\"john roemer\",\"john roemer\",\"popular socialism\",\"popular socialism\",\"popular socialism\",\"popular socialism\",\"popular socialism\",\"popular socialism\",\"popular socialism\",\"michael albert\",\"michael albert\",\"michael albert\",\"michael albert\",\"michael albert\",\"michael albert\",\"michael albert\",\"blanquism\",\"blanquism\",\"blanquism\",\"blanquism\",\"blanquism\",\"blanquism\",\"blanquism\",\"blanquism\",\"blanquism\",\"blanquism\",\"blanquism\",\"blanquism\",\"blanquism\",\"blanquism\",\"blanquism\",\"blanquism\",\"revolutions of 1989\",\"revolutions of 1989\",\"revolutions of 1989\",\"revolutions of 1989\",\"revolutions of 1989\",\"revolutions of 1989\",\"revolutions of 1989\",\"revolutions of 1989\",\"revolutions of 1989\",\"revolutions of 1989\",\"revolutions of 1989\",\"revolutions of 1989\",\"revolutions of 1989\",\"revolutions of 1989\",\"labour voucher\",\"labour voucher\",\"labour voucher\",\"labour voucher\",\"labour voucher\",\"labour voucher\",\"labour voucher\",\"labour voucher\",\"labour voucher\",\"labour voucher\",\"labour voucher\",\"labour voucher\",\"national communism\",\"national communism\",\"national communism\",\"national communism\",\"national communism\",\"national communism\",\"national communism\",\"national communism\",\"national communism\",\"national communism\",\"national communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"history of communism\",\"ethical socialism\",\"ethical socialism\",\"ethical socialism\",\"ethical socialism\",\"ethical socialism\",\"ethical socialism\",\"ethical socialism\",\"ethical socialism\",\"ethical socialism\",\"ethical socialism\",\"ethical socialism\",\"ethical socialism\",\"ethical socialism\",\"ethical socialism\",\"ethical socialism\",\"triangular diplomacy\",\"triangular diplomacy\",\"triangular diplomacy\",\"triangular diplomacy\",\"list of social democratic parties\",\"list of social democratic parties\",\"list of social democratic parties\",\"list of social democratic parties\",\"list of social democratic parties\",\"list of social democratic parties\",\"list of social democratic parties\",\"list of social democratic parties\",\"list of social democratic parties\",\"list of social democratic parties\",\"list of social democratic parties\",\"list of social democratic parties\",\"list of social democratic parties\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"criticism of capitalism\",\"radical egalitarianism\",\"primitivism\",\"primitivism\",\"primitivism\",\"primitivism\",\"worker cooperative\",\"worker cooperative\",\"worker cooperative\",\"worker cooperative\",\"worker cooperative\",\"worker cooperative\",\"worker cooperative\",\"worker cooperative\",\"worker cooperative\",\"worker cooperative\",\"worker cooperative\",\"worker cooperative\",\"worker cooperative\",\"worker cooperative\",\"worker cooperative\",\"worker cooperative\",\"worker cooperative\",\"worker cooperative\",\"worker cooperative\",\"worker cooperative\",\"democratic marxism\",\"outline of anarchism\",\"outline of anarchism\",\"outline of anarchism\",\"outline of anarchism\",\"outline of anarchism\",\"personal life\",\"personal life\",\"socialist realism\",\"socialist realism\",\"socialist realism\",\"socialist realism\",\"socialist realism\",\"equal opportunity\",\"equal opportunity\",\"equal opportunity\",\"equal opportunity\",\"equal opportunity\",\"equal opportunity\",\"equal opportunity\",\"equal opportunity\",\"equal opportunity\",\"equal opportunity\",\"equal opportunity\",\"value product\",\"value product\",\"value product\",\"value product\",\"value product\",\"value product\",\"value product\",\"value product\",\"value product\",\"value product\",\"value product\",\"situationist international\",\"situationist international\",\"situationist international\",\"situationist international\",\"situationist international\",\"situationist international\",\"situationist international\",\"situationist international\",\"situationist international\",\"situationist international\",\"situationist international\",\"situationist international\",\"situationist international\",\"biblical patriarchy\",\"economic mobility\",\"economic mobility\",\"economic mobility\",\"history of democratic socialism\",\"history of democratic socialism\",\"history of democratic socialism\",\"history of democratic socialism\",\"history of democratic socialism\",\"history of democratic socialism\",\"history of democratic socialism\",\"history of democratic socialism\",\"history of democratic socialism\",\"history of democratic socialism\",\"history of democratic socialism\",\"new social movements\",\"new social movements\",\"psychogeography\",\"psychogeography\",\"psychogeography\",\"psychogeography\",\"psychogeography\",\"psychogeography\",\"psychogeography\",\"great gatsby curve\",\"social patriotism\",\"social patriotism\",\"seek truth from facts\",\"seek truth from facts\",\"consensus democracy\",\"consensus democracy\",\"consensus democracy\",\"consensus democracy\",\"consensus democracy\",\"the journal of political philosophy\",\"production for profit\",\"production for profit\",\"production for profit\",\"production for profit\",\"production for profit\",\"production for profit\",\"production for profit\",\"production for profit\",\"production for profit\",\"production for profit\",\"production for profit\",\"production for profit\",\"production for profit\",\"production for profit\",\"comunismo a la tica\",\"comunismo a la tica\",\"comunismo a la tica\",\"comunismo a la tica\",\"social imperialism\",\"social imperialism\",\"social imperialism\",\"social imperialism\",\"social imperialism\",\"social imperialism\",\"social imperialism\",\"social imperialism\",\"social imperialism\",\"social imperialism\",\"social imperialism\",\"social imperialism\",\"social imperialism\",\"social imperialism\",\"base and superstructure\",\"base and superstructure\",\"base and superstructure\",\"base and superstructure\",\"base and superstructure\",\"base and superstructure\",\"base and superstructure\",\"base and superstructure\",\"base and superstructure\",\"base and superstructure\",\"base and superstructure\",\"base and superstructure\",\"base and superstructure\",\"base and superstructure\",\"base and superstructure\",\"enemy of the people (albania)\",\"enemy of the people (albania)\",\"enemy of the people (albania)\",\"enemy of the people (albania)\",\"enemy of the people (albania)\",\"enemy of the people (albania)\",\"enemy of the people (albania)\",\"enemy of the people (albania)\",\"enemy of the people\",\"enemy of the people\",\"enemy of the people\",\"enemy of the people\",\"enemy of the people\",\"enemy of the people\",\"enemy of the people\",\"enemy of the people\",\"enemy of the people\",\"enemy of the people\",\"class traitor\",\"surplus value\",\"surplus value\",\"surplus value\",\"surplus value\",\"surplus value\",\"surplus value\",\"surplus value\",\"surplus value\",\"surplus value\",\"surplus value\",\"surplus value\",\"surplus value\",\"surplus value\",\"barracks communism\",\"barracks communism\",\"barracks communism\",\"barracks communism\",\"barracks communism\",\"barracks communism\",\"barracks communism\",\"barracks communism\",\"barracks communism\",\"marxist sociology\",\"marxist sociology\",\"marxist sociology\",\"marxist sociology\",\"marxist sociology\",\"marxist sociology\",\"social revolution\",\"social revolution\",\"social revolution\",\"social revolution\",\"social revolution\",\"social revolution\",\"social revolution\",\"social revolution\",\"social revolution\",\"social revolution\",\"social revolution\",\"social revolution\",\"social revolution\",\"social revolution\",\"social revolution\",\"history of social democracy\",\"history of social democracy\",\"history of social democracy\",\"history of social democracy\",\"perestroika\",\"perestroika\",\"perestroika\",\"perestroika\",\"perestroika\",\"reproduction (economics)\",\"reproduction (economics)\",\"real socialism\",\"real socialism\",\"real socialism\",\"real socialism\",\"real socialism\",\"real socialism\",\"real socialism\",\"real socialism\",\"real socialism\",\"real socialism\",\"real socialism\",\"real socialism\",\"real socialism\",\"real socialism\",\"industrial democracy\",\"industrial democracy\",\"industrial democracy\",\"industrial democracy\",\"industrial democracy\",\"industrial democracy\",\"industrial democracy\",\"industrial democracy\",\"industrial democracy\",\"industrial democracy\",\"industrial democracy\",\"industrial democracy\",\"industrial democracy\",\"equality of outcome\",\"equality of outcome\",\"equality of outcome\",\"proletarian revolution\",\"proletarian revolution\",\"proletarian revolution\",\"proletarian revolution\",\"proletarian revolution\",\"proletarian revolution\",\"proletarian revolution\",\"proletarian revolution\",\"proletarian revolution\",\"proletarian revolution\",\"proletarian revolution\",\"proletarian revolution\",\"proletarian revolution\",\"left communism\",\"left communism\",\"left communism\",\"left communism\",\"left communism\",\"left communism\",\"left communism\",\"left communism\",\"left communism\",\"crimes against humanity under communist regimes\",\"crimes against humanity under communist regimes\",\"crimes against humanity under communist regimes\",\"crimes against humanity under communist regimes\",\"christian communism\",\"christian communism\",\"christian communism\",\"christian communism\",\"christian communism\",\"christian communism\",\"christian communism\",\"christian communism\",\"religious communism\",\"religious communism\",\"religious communism\",\"crypto-communism\",\"crypto-communism\",\"communist era\",\"communist era\",\"the revolution of everyday life\",\"self-criticism\",\"self-criticism\",\"self-criticism\",\"self-criticism\",\"self-criticism\",\"self-criticism\",\"self-criticism\",\"people's democracy (marxism\\u2013leninism)\",\"people's democracy (marxism\\u2013leninism)\",\"people's democracy (marxism\\u2013leninism)\",\"communist front\",\"he who does not work, neither shall he eat\",\"dictatorship of the proletariat\",\"dictatorship of the proletariat\",\"dictatorship of the proletariat\",\"dictatorship of the proletariat\",\"dictatorship of the proletariat\",\"dictatorship of the proletariat\",\"dictatorship of the proletariat\",\"religious socialism\",\"religious socialism\",\"religious socialism\",\"gar alperovitz\",\"gar alperovitz\",\"dizzy with success\",\"world revolution\",\"world revolution\",\"world revolution\",\"world revolution\",\"social corporatism\",\"surplus labour\",\"left-wing politics\",\"left-wing politics\",\"left-wing politics\",\"nanosocialism\",\"participism\",\"eastern bloc\",\"rat race\"]},\"selected\":{\"id\":\"4005\"},\"selection_policy\":{\"id\":\"4004\"}},\"id\":\"3255\",\"type\":\"ColumnDataSource\"},{\"attributes\":{\"fill_alpha\":{\"field\":\"alpha\"},\"fill_color\":{\"field\":\"node_colour\"},\"size\":{\"field\":\"node_sizes\"}},\"id\":\"3275\",\"type\":\"Circle\"},{\"attributes\":{\"above\":[{\"id\":\"3313\"},{\"id\":\"3314\"}],\"below\":[{\"id\":\"3294\"}],\"center\":[{\"id\":\"3297\"},{\"id\":\"3301\"}],\"height\":333,\"left\":[{\"id\":\"3298\"}],\"renderers\":[{\"id\":\"3315\"}],\"title\":{\"id\":\"3951\"},\"toolbar\":{\"id\":\"3307\"},\"width\":333,\"x_range\":{\"id\":\"3285\"},\"x_scale\":{\"id\":\"3290\"},\"y_range\":{\"id\":\"3286\"},\"y_scale\":{\"id\":\"3292\"}},\"id\":\"3287\",\"subtype\":\"Figure\",\"type\":\"Plot\"},{\"attributes\":{\"source\":{\"id\":\"3189\"}},\"id\":\"3191\",\"type\":\"CDSView\"},{\"attributes\":{\"source\":{\"id\":\"3251\"}},\"id\":\"3253\",\"type\":\"CDSView\"},{\"attributes\":{},\"id\":\"3295\",\"type\":\"BasicTicker\"},{\"attributes\":{\"end\":250,\"start\":-250},\"id\":\"3286\",\"type\":\"Range1d\"},{\"attributes\":{\"formatter\":{\"id\":\"3994\"},\"major_label_policy\":{\"id\":\"3996\"},\"ticker\":{\"id\":\"3299\"},\"visible\":false},\"id\":\"3298\",\"type\":\"LinearAxis\"},{\"attributes\":{\"edge_renderer\":{\"id\":\"3256\"},\"inspection_policy\":{\"id\":\"3972\"},\"layout_provider\":{\"id\":\"3262\"},\"node_renderer\":{\"id\":\"3252\"},\"selection_policy\":{\"id\":\"3973\"}},\"id\":\"3249\",\"type\":\"GraphRenderer\"},{\"attributes\":{\"end\":250,\"start\":-250},\"id\":\"3285\",\"type\":\"Range1d\"},{\"attributes\":{},\"id\":\"3290\",\"type\":\"LinearScale\"},{\"attributes\":{},\"id\":\"3997\",\"type\":\"BasicTickFormatter\"},{\"attributes\":{\"text\":\"Community: 14\",\"text_font_size\":\"16pt\"},\"id\":\"3314\",\"type\":\"Title\"},{\"attributes\":{},\"id\":\"3980\",\"type\":\"AllLabels\"},{\"attributes\":{},\"id\":\"3999\",\"type\":\"AllLabels\"},{\"attributes\":{\"formatter\":{\"id\":\"3997\"},\"major_label_policy\":{\"id\":\"3999\"},\"ticker\":{\"id\":\"3295\"},\"visible\":false},\"id\":\"3294\",\"type\":\"LinearAxis\"},{\"attributes\":{\"line_alpha\":{\"value\":0.8},\"line_width\":{\"value\":0.1}},\"id\":\"3280\",\"type\":\"MultiLine\"},{\"attributes\":{},\"id\":\"3292\",\"type\":\"LinearScale\"},{\"attributes\":{\"axis\":{\"id\":\"3294\"},\"grid_line_color\":null,\"ticker\":null},\"id\":\"3297\",\"type\":\"Grid\"},{\"attributes\":{\"data_source\":{\"id\":\"3255\"},\"glyph\":{\"id\":\"3280\"},\"hover_glyph\":null,\"muted_glyph\":null,\"view\":{\"id\":\"3257\"}},\"id\":\"3256\",\"type\":\"GlyphRenderer\"},{\"attributes\":{\"end\":250,\"start\":-250},\"id\":\"3153\",\"type\":\"Range1d\"},{\"attributes\":{\"data\":{\"alpha\":[0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75],\"depth\":[2,2,2,2,2,2,1,2,2,2,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,2,2,2,2,1,0,2,2,2,1,2,2,2,2,1,1,2,1,1,1,1,1,2,2,2,1,2,1,1,2,2,2,1,2,2,2,2,2,1,2,1,1,2,2,2,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,2,1,2,2,1,2,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1],\"index\":[\"workplace democracy\",\"ucla luskin school of public affairs\",\"bibliography of works about communism\",\"capital (marxism)\",\"list of left-wing internationals\",\"new left review\",\"the theory of interstellar trade\",\"international workers' day\",\"summerhill (book)\",\"an anarchist faq\",\"people\",\"christian egalitarianism\",\"ed miliband bacon sandwich photograph\",\"legal naturalism\",\"communism and lgbt rights\",\"land consolidation\",\"no war but the class war\",\"sovereignty of puerto rico during the cold war\",\"commanding heights of the economy\",\"aromanian question\",\"edinburgh university socialist society\",\"john roemer\",\"popular socialism\",\"michael albert\",\"blanquism\",\"revolutions of 1989\",\"labour voucher\",\"national communism\",\"history of communism\",\"ethical socialism\",\"jurisprudence of concepts\",\"triangular diplomacy\",\"list of social democratic parties\",\"criticism of capitalism\",\"radical egalitarianism\",\"university of chicago institute of politics\",\"primitivism\",\"worker cooperative\",\"democratic marxism\",\"outline of anarchism\",\"personal life\",\"socialist realism\",\"equal opportunity\",\"value product\",\"situationist international\",\"biblical patriarchy\",\"economic mobility\",\"history of democratic socialism\",\"new social movements\",\"psychogeography\",\"great gatsby curve\",\"net national product\",\"social patriotism\",\"seek truth from facts\",\"consensus democracy\",\"the journal of political philosophy\",\"production for profit\",\"comunismo a la tica\",\"social imperialism\",\"base and superstructure\",\"enemy of the people (albania)\",\"google finance\",\"brandalism\",\"survey on household income and wealth\",\"enemy of the people\",\"class traitor\",\"surplus value\",\"daphne dorman\",\"civilian-based defense\",\"barracks communism\",\"marxist sociology\",\"social revolution\",\"evolutionary studies institute\",\"history of social democracy\",\"perestroika\",\"reproduction (economics)\",\"ithaca hours\",\"sociology of manchester\",\"real socialism\",\"industrial democracy\",\"equality of outcome\",\"foreclosure rescue\",\"proletarian revolution\",\"left communism\",\"communist correspondence committee\",\"crimes against humanity under communist regimes\",\"christian communism\",\"religious communism\",\"real-world economics review\",\"crypto-communism\",\"communist era\",\"right to the city\",\"political repression\",\"nw 39th street enclave\",\"the revolution of everyday life\",\"self-criticism\",\"people's democracy (marxism\\u2013leninism)\",\"bevanism\",\"communist front\",\"fallen woman\",\"domestic trade\",\"he who does not work, neither shall he eat\",\"dictatorship of the proletariat\",\"religious socialism\",\"concession (contract)\",\"social service review\",\"housing affordability index\",\"murfee\",\"gar alperovitz\",\"harvard institute of politics\",\"dizzy with success\",\"world revolution\",\"social corporatism\",\"surplus labour\",\"left-wing politics\",\"nanosocialism\",\"frankfurt declaration\",\"organization & environment\",\"participism\",\"eastern bloc\",\"democratic capitalism\",\"recuperation (politics)\",\"rat race\"],\"node_colour\":[\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#3B518A\",\"#5BC862\",\"#440154\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#3B518A\",\"#3B518A\",\"#208F8C\",\"#3B518A\",\"#3B518A\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#440154\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#3B518A\",\"#FDE724\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#3B518A\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#3B518A\",\"#440154\"],\"node_sizes\":[7.0,0.25,4.75,0.25,4.25,1.0,0.25,0.75,0.25,1.75,13.75,1.25,0.25,2.25,2.75,0.25,0.75,1.25,5.5,0.5,4.0,1.75,2.0,1.75,5.0,4.25,4.5,3.75,9.25,5.0,0.25,1.25,4.75,10.0,0.5,0.25,1.25,6.75,0.25,1.75,1.0,1.75,5.5,3.5,5.75,0.5,1.25,4.75,0.5,2.25,1.0,0.25,0.75,0.5,2.75,0.25,4.75,2.0,5.0,6.25,3.25,0.25,0.25,0.25,4.0,0.25,6.0,0.25,0.25,4.25,3.25,8.5,0.25,2.75,3.0,1.75,0.25,0.25,8.5,8.25,3.75,0.25,11.0,8.25,0.25,1.75,7.75,3.0,1.0,2.0,1.75,0.25,1.25,0.25,1.0,5.0,3.75,0.5,1.0,0.5,0.25,0.75,10.25,4.5,0.25,0.5,0.25,0.25,1.75,0.25,0.25,10.0,1.75,5.5,8.75,5.75,1.75,0.25,6.5,5.5,3.0,1.5,1.0],\"parent\":[\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"sociology\",\"political_science\",\"anthropology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"anthropology\",\"political_science\",\"political_science\",\"political_science\",\"anthropology\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"anthropology\",\"anthropology\",\"political_science\",\"sociology\",\"anthropology\",\"economics\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"economics\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"economics\",\"sociology\",\"sociology\",\"political_science\",\"sociology\",\"sociology\",\"anthropology\",\"political_science\",\"political_science\",\"economics\",\"economics\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"sociology\",\"psychology\",\"political_science\",\"political_science\",\"political_science\",\"anthropology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"sociology\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"economics\",\"sociology\",\"economics\"]},\"selected\":{\"id\":\"4007\"},\"selection_policy\":{\"id\":\"4006\"}},\"id\":\"3251\",\"type\":\"ColumnDataSource\"},{\"attributes\":{\"axis\":{\"id\":\"3298\"},\"dimension\":1,\"grid_line_color\":null,\"ticker\":null},\"id\":\"3301\",\"type\":\"Grid\"},{\"attributes\":{},\"id\":\"3299\",\"type\":\"BasicTicker\"},{\"attributes\":{},\"id\":\"3303\",\"type\":\"WheelZoomTool\"},{\"attributes\":{},\"id\":\"3981\",\"type\":\"BasicTickFormatter\"},{\"attributes\":{},\"id\":\"3302\",\"type\":\"PanTool\"},{\"attributes\":{},\"id\":\"3236\",\"type\":\"PanTool\"},{\"attributes\":{},\"id\":\"3304\",\"type\":\"SaveTool\"},{\"attributes\":{},\"id\":\"3238\",\"type\":\"SaveTool\"},{\"attributes\":{\"text\":\"['medium', 'propaganda', 'slave', 'vote', 'effect']\",\"text_font_style\":\"italic\"},\"id\":\"3313\",\"type\":\"Title\"},{\"attributes\":{},\"id\":\"3239\",\"type\":\"ResetTool\"},{\"attributes\":{\"graph_layout\":{\"a call to action: women, religion, violence, and power\":[202.19306304544455,-251.83265217021696],\"agonism\":[-24.755784101423224,149.5908514672001],\"alphons silbermann\":[-43.042688910479484,-93.11792931956323],\"anarcho-capitalism\":[50.4761188192361,123.2074898921575],\"antemurale myth\":[64.6527698270119,-66.04700059105596],\"antimilitarism\":[98.04115301471984,180.9592129343938],\"ap comparative government and politics\":[-186.8361778062821,-48.029802708143606],\"appeasement\":[151.02511980253692,242.21646377374108],\"associationalism\":[-152.53714561926898,13.52663891677575],\"atlanticism\":[136.47910012058094,65.4979374132051],\"authoritarian capitalism\":[-79.65726969188415,28.431427638250373],\"authoritarian democracy\":[-113.67616463404448,-30.375600916055518],\"authoritarian left\":[-1.1261117843763615,29.65657067041541],\"autonomous administrative division\":[-172.10069702953876,177.5365703399936],\"autonomous communities administration\":[-221.10508992997057,198.45425957100244],\"autonomous communities of spain\":[-197.89852849284065,179.0508879234665],\"backlash (sociology)\":[44.80995233415443,-48.19694908376102],\"balkanization\":[-120.08927212252513,134.32785713829352],\"bankocracy\":[-163.12823252791293,68.8732768424847],\"basket of deplorables\":[19.857343539184868,-109.25548842381012],\"biology and political orientation\":[-74.83068655238276,-8.16575287005807],\"blood and soil\":[-26.088663724189598,-96.05534677692678],\"bryan caplan\":[78.09459704888545,166.81474018018818],\"burmese way to socialism\":[-102.44104981952036,66.54028141079708],\"cacique\":[-137.39528302926902,-287.7244005549117],\"catherine eschle\":[53.425966845026466,238.08845578534076],\"cato institute\":[27.639403822002354,135.61318633445646],\"catonism\":[-28.78775236448571,57.26068610341026],\"caudillo\":[-124.57068572773402,-251.8435768595192],\"center on conscience & war\":[131.4966238123194,238.1728663303119],\"christian corporatism\":[4.456232216627152,-33.836279527848134],\"christian fascism\":[-71.10632766447809,-69.90234856507627],\"chua beng huat\":[-148.34318421400974,-47.368765692297686],\"civil libertarianism\":[69.07045139306963,147.48480431060187],\"cleavage (politics)\":[-62.10215858097482,-37.11112350699095],\"commentary on palestine: peace not apartheid\":[213.84697211607934,-271.2357781555832],\"commodity form theory\":[-41.77404442295557,146.009623926628],\"comparative politics\":[-149.49548704535033,-23.01249146922949],\"conflict resolution research\":[181.07158849843808,305.36496287931885],\"consequentialist justifications of the state\":[-26.686043246512792,144.18536602973327],\"conservative corporatism\":[73.7615365377759,-11.207035151453947],\"conservative liberalism\":[76.91232972646884,30.741736286088248],\"constitutional dictatorship\":[-140.1172644340517,24.892650446331842],\"constitutional patriotism\":[76.91148543426873,5.99439250059713],\"constitutionalism\":[31.42595513443012,90.16363515957634],\"continuismo\":[-135.2180928430452,-272.3629375006473],\"corporate republic\":[-124.65370845117384,33.93245163279876],\"corporate statism\":[-26.585740928558664,-19.166316426829624],\"corporative federalism\":[-159.05672065731392,181.40641977723485],\"criticism of the federal reserve\":[182.80961973864993,-217.3114201257792],\"critique: journal of socialist theory\":[-38.12595112928963,142.09862720352268],\"cyberocracy\":[-180.53080083146776,72.25650691640675],\"delegated authority\":[-34.546781714974415,137.6809883226241],\"democratic liberalism\":[93.86518534862468,66.38975779017572],\"dependent territory\":[-157.39912615906093,113.60377630790549],\"dictablanda\":[-125.75394904157385,6.0898451811304675],\"digital era governance\":[-221.2252345829349,68.59911452886337],\"donor class\":[-116.74159209278868,88.02060783305858],\"drang nach osten\":[-52.07246682873074,-100.85682513140459],\"duality of structure\":[-32.53473475542931,150.35026526422016],\"e-government\":[-189.83634455360112,53.17938642639196],\"eco-nationalism\":[41.10212082232243,-56.09980245480295],\"ecoauthoritarianism\":[-69.14197386822521,9.125536186302497],\"economic nationalism\":[34.507708718246796,-24.386442621339974],\"economic stimulus appropriations act of 1977\":[172.45672142524032,-205.1531217209962],\"electronic authentication\":[-229.68289340096567,53.618147593354465],\"electronic media\":[-56.36486404658438,-73.93689827132305],\"enlightened absolutism\":[-137.2959516972144,-3.7146915654106434],\"equality before the law\":[96.95712322511353,92.29428382686042],\"eternity clause\":[-211.09031031452247,13.4409499388714],\"ethnarch\":[-172.77362468945543,13.438576039335008],\"eurasianism\":[105.39482539838313,17.265146803503335],\"eurosphere\":[92.50665079664809,108.54813549147033],\"far-right politics\":[4.319874214430502,-56.059775878072166],\"feeding the chooks\":[138.01374084059822,27.280181883254148],\"feminist theory\":[-14.760640549715493,44.15721458118525],\"fiscal policy of the united states\":[166.93229919684356,-194.64774654541412],\"flourish of approval\":[117.92507889281876,-85.24251408091234],\"fourteen words\":[20.226248397624687,-99.5659084291212],\"franz oppenheimer\":[8.429723974506135,97.85748109934016],\"free market fairness\":[55.399083433015655,161.80169152008077],\"free migration\":[72.37184182534304,191.2740603723834],\"free-market healthcare\":[67.5214107155457,210.80543842712157],\"freedom\":[115.48499868636326,77.93733833738906],\"freedom of contract\":[42.54686411969733,166.52238072149],\"frente despertar\":[1.290037974145214,59.52554551802646],\"friendly fascism (book)\":[-75.34238760670296,-58.75662982119755],\"futarchy\":[-141.4522464781631,84.37193968101724],\"f\\u00fchrer\":[-76.04495904468897,-113.7512249909541],\"gadsden flag\":[150.92686951806934,189.17288479267143],\"generosity\":[-37.30342104069815,171.35224237858966],\"give peace a chance\":[139.066536461913,208.69979077948162],\"global justice movement\":[52.56713488884913,191.11202563621737],\"great power\":[-161.77269909088085,81.53293540404688],\"gun control\":[117.32118492535751,-125.032622070374],\"hannah arendt institute for totalitarianism studies\":[-124.4017042612384,-52.97040979807841],\"hardline\":[-17.210405586127848,9.503475266940631],\"high and low politics\":[-130.43821292614834,-12.363230944472205],\"home rule\":[-168.98749977422875,171.11109387686696],\"horseshoe theory\":[-2.8781443883702993,-21.3533178366945],\"ilminism\":[-23.950013816843644,-61.83082859246693],\"index of social and political philosophy articles\":[-20.93532862491203,110.92810115433669],\"indian political philosophy\":[-38.228735583010156,150.49775713883508],\"indonesian village law\":[156.11936654519684,90.19235444085913],\"international conference on theory and practice of electronic governance\":[-246.12683512601035,55.67226755635509],\"international peacekeeping\":[153.13889152858485,24.374329856589412],\"interventionism (politics)\":[108.49730629475992,233.86006195311086],\"kalergi plan\":[7.511203093236661,-100.62574244201558],\"kinder, k\\u00fcche, kirche\":[-42.62665268114422,-101.05601325114327],\"kyklos\":[-103.66971093544527,105.94514691649437],\"law and order\":[98.41930338474893,-46.34445245638172],\"law of equal liberty\":[79.88458533524795,123.44411642145349],\"left-wing populism\":[55.11976774556912,1.0487063158133356],\"left\\u2013right political spectrum\":[-7.912697820460811,1.319363859697062],\"legalism (chinese philosophy)\":[-127.79453696006709,97.34245446119017],\"leipzig school (sociology)\":[-48.01857011750786,-98.48647760510225],\"liberal conservatism\":[90.80335699385834,37.42918570498143],\"liberal corporatism\":[82.27109990898515,54.90088601386187],\"liberal legalism\":[26.549314747190706,121.47489111127432],\"liberal social movement (portugal)\":[136.40143564746168,35.305641305566624],\"liberalism and conservatism in latin america\":[107.62151929572967,33.82185091749084],\"list of enlightened despots\":[-185.733052395333,-24.21400214028356],\"list of liberal theorists\":[74.34988976763732,82.69799446280715],\"majoritarianism\":[-164.32262358029593,24.833499585691506],\"maternalism\":[94.2721541811855,7.484775280461338],\"middlebrow\":[163.9687761710111,80.88148980154821],\"ministry of magic\":[-48.92184324177183,-121.84923809673484],\"modern liberalism in the united states\":[55.258784138254235,41.15149765826743],\"moor's head (heraldry)\":[117.024194125359,-90.9240041514576],\"nancy program\":[-14.765478635206582,79.86743865492637],\"national conservatism\":[50.309428742856994,-34.24484099947799],\"national forum (georgia)\":[159.49241740492369,77.29191116213794],\"national liberalism\":[60.49987764715072,28.29962316799328],\"nazism\":[-41.82529309578326,-49.087564304241724],\"neo-nationalism\":[22.251395963474984,-53.3654955670947],\"neoauthoritarianism (china)\":[46.001710121044674,17.499300428589997],\"neoclassical liberalism\":[86.50860173490841,138.09996353795245],\"neosocialism\":[-85.55777436060508,-43.85383961771607],\"night-watchman state\":[-6.5376438785293916,137.8776389823111],\"nolan chart\":[-10.887277265331056,-31.778020049577577],\"non-interventionism\":[94.73463546258003,199.34255368846058],\"norwegian sociology canon\":[-131.914109896724,-105.83240429154634],\"nur f\\u00fcr deutsche\":[-85.34941282067413,-81.61136776257767],\"oligarchy\":[-129.75464982338002,55.86892811372976],\"one-party state\":[-88.74494711189021,-18.94092488219831],\"organicism\":[17.455809259310072,-28.001184987735517],\"particracy\":[-149.05335424564853,69.09144561052099],\"party platform\":[-8.572974501211997,56.67256846073465],\"party system\":[-54.06091487371311,-19.61969733460862],\"peace and conflict studies\":[142.88710089663522,252.55741839858663],\"peace journalism\":[141.13011227948266,232.94604884530614],\"peace through strength\":[171.5045506915771,266.4118957887918],\"perpetual war\":[-104.60904862614176,-97.82871480401587],\"peruvian nitrate monopoly\":[-130.4416494277322,-276.73398123964984],\"philosophy of max stirner\":[-34.73361832621291,70.80915009131454],\"pippa norris\":[-127.02776509540466,-38.05013902863059],\"plurinationalism\":[61.17028651763234,-53.21802577408059],\"political cartoon\":[195.7755986712156,211.5332714024052],\"political jurisprudence\":[-28.401130546863506,154.61779213240348],\"political research associates\":[12.603737791407788,-74.12867996983529],\"polyarchy\":[-161.14628001752922,37.60790145067591],\"populism\":[-46.045499878654326,-1.1622565755372232],\"post-politics\":[-66.18984992256576,41.30025848834211],\"preselection\":[-123.73666479901614,-10.714190736915386],\"private highway\":[21.706971499505325,195.55275161763305],\"private military company\":[93.1852294561276,165.5471733075414],\"private property\":[49.79629870428981,74.11462262318113],\"proletarian nation\":[-86.4582344558636,-67.68333748319836],\"proprietary community\":[79.37771979709758,218.63692458068203],\"public comment\":[156.22924080885426,85.04775817556563],\"public consultation\":[2.1370802036524807,75.2378393115013],\"public image of cristina fern\\u00e1ndez de kirchner\":[100.87558495949145,-22.673328417547697],\"public image of narendra modi\":[52.6079653932474,-19.171583351346463],\"public policy doctrine\":[-68.43672101891106,70.19445227425273],\"reactionary\":[16.249776219166367,-8.949382174680267],\"regional hegemony\":[-198.29606108197558,105.11486500215527],\"regional power\":[-153.9741697746033,90.5479131853279],\"responsibility to protect\":[124.88044401837392,251.83617236250717],\"richard timberlake\":[22.717182250312586,175.35269114207318],\"right to exist\":[-186.5828762147013,218.6729732896799],\"right-wing politics\":[17.367446036883777,9.258663656420104],\"samuel von pufendorf\":[-36.583728690498816,20.96943965069927],\"secession\":[-92.66141377832125,151.97445044994086],\"singleton (global governance)\":[113.18600878409976,194.1217130076322],\"small government\":[64.17074534218227,100.18822929084304],\"social conservatism\":[46.281064771588014,-5.655258000046239],\"social liberalism\":[72.12626261379236,46.018952760346735],\"social order\":[-29.03722466729233,-27.823875876726074],\"social rights (social contract theory)\":[82.19876745436142,231.4879664966871],\"social situation in the french suburbs\":[-148.36948445570238,185.7260830302019],\"societal attitudes towards abortion\":[-29.767940744061505,138.68710438995515],\"soft despotism\":[-119.04278289964425,-1.3412242391891551],\"spatial politics\":[-15.052643248209323,-13.448994609070494],\"special relationship (international relations)\":[182.07208292237445,65.101402418416],\"starve the beast\":[18.37218009025832,171.29100652974753],\"statism\":[-50.5232609457922,29.35406133579564],\"stein rokkan\":[-99.83632857536077,-61.84029803397471],\"successor ideology\":[42.094903800535015,-43.42694533141106],\"swiss neutrality\":[111.92811962990896,228.0148107492038],\"symbol\":[87.18797303752156,-60.560230540066016],\"synarchism\":[-102.23961263947335,-51.65699584051947],\"technocracy\":[-82.56702753804163,55.6890633084946],\"technoliberalism\":[93.86840527357985,77.6920645554224],\"the indian struggle\":[-142.45506663180572,-33.208271462468566],\"the machiavellian moment\":[-32.53391283708834,146.13575677864878],\"the state (book)\":[8.928314906513405,127.23939326097457],\"third way\":[29.079464898039912,40.1281914756082],\"timocracy\":[-118.70863879912788,70.1632698208594],\"titicut follies\":[132.25827950437977,-69.10032624316806],\"totalitarianism\":[-95.07975648178824,11.349534849133676],\"trash doves\":[28.716198980453672,-123.18993003631573],\"tyranny of the majority\":[-102.9503301147572,40.776944918513095],\"valence issue\":[137.44045490397463,-151.23381704661057],\"valerie bryson\":[-15.88730107547394,66.33411726927625],\"verbal self-defense\":[196.23097360592035,325.9155076143209],\"voluntary society\":[67.94645263130869,177.55415003669714],\"whiggism\":[65.43805161125314,67.36854622524476],\"worshipful company of butchers\":[162.9165751503242,86.92202930123464],\"you have two cows\":[-49.83974216209743,-92.33082997443775],\"zombie liberalism\":[37.03907264671774,59.1150584573564]}},\"id\":\"3196\",\"type\":\"StaticLayoutProvider\"},{\"attributes\":{\"data_source\":{\"id\":\"3251\"},\"glyph\":{\"id\":\"3275\"},\"hover_glyph\":null,\"muted_glyph\":null,\"view\":{\"id\":\"3253\"}},\"id\":\"3252\",\"type\":\"GlyphRenderer\"},{\"attributes\":{\"text\":\"Community: 10\",\"text_font_size\":\"16pt\"},\"id\":\"3248\",\"type\":\"Title\"},{\"attributes\":{\"source\":{\"id\":\"3185\"}},\"id\":\"3187\",\"type\":\"CDSView\"},{\"attributes\":{},\"id\":\"3237\",\"type\":\"WheelZoomTool\"},{\"attributes\":{\"axis\":{\"id\":\"3232\"},\"dimension\":1,\"grid_line_color\":null,\"ticker\":null},\"id\":\"3235\",\"type\":\"Grid\"},{\"attributes\":{},\"id\":\"3233\",\"type\":\"BasicTicker\"},{\"attributes\":{\"data\":{\"end\":[\"technocracy\",\"cyberocracy\",\"e-government\",\"totalitarianism\",\"oligarchy\",\"great power\",\"regional power\",\"polyarchy\",\"donor class\",\"dependent territory\",\"legalism (chinese philosophy)\",\"night-watchman state\",\"one-party state\",\"futarchy\",\"corporate republic\",\"constitutional dictatorship\",\"bankocracy\",\"anarcho-capitalism\",\"voluntary society\",\"symbol\",\"third way\",\"nazism\",\"freedom\",\"constitutional patriotism\",\"plurinationalism\",\"conservative liberalism\",\"list of liberal theorists\",\"private property\",\"whiggism\",\"social liberalism\",\"anarcho-capitalism\",\"liberal conservatism\",\"index of social and political philosophy articles\",\"samuel von pufendorf\",\"third way\",\"reactionary\",\"freedom\",\"right-wing politics\",\"private property\",\"eurasianism\",\"maternalism\",\"list of liberal theorists\",\"whiggism\",\"international peacekeeping\",\"technocracy\",\"populism\",\"neo-nationalism\",\"national conservatism\",\"constitutional patriotism\",\"eco-nationalism\",\"left-wing populism\",\"plurinationalism\",\"antemurale myth\",\"economic nationalism\",\"symbol\",\"moor's head (heraldry)\",\"flourish of approval\",\"totalitarianism\",\"third way\",\"nazism\",\"oligarchy\",\"statism\",\"constitutional dictatorship\",\"corporate republic\",\"dictablanda\",\"one-party state\",\"enlightened absolutism\",\"tyranny of the majority\",\"soft despotism\",\"authoritarian democracy\",\"ecoauthoritarianism\",\"private property\",\"frente despertar\",\"zombie liberalism\",\"left\\u2013right political spectrum\",\"third way\",\"nazism\",\"freedom\",\"constitutional patriotism\",\"national conservatism\",\"secession\",\"small government\",\"social conservatism\",\"party platform\",\"social liberalism\",\"conservative liberalism\",\"equality before the law\",\"list of liberal theorists\",\"whiggism\",\"private property\",\"bryan caplan\",\"civil libertarianism\",\"liberal conservatism\",\"modern liberalism in the united states\",\"law of equal liberty\",\"voluntary society\",\"democratic liberalism\",\"liberal corporatism\",\"conservative corporatism\",\"technoliberalism\",\"neoclassical liberalism\",\"neoauthoritarianism (china)\",\"frente despertar\",\"zombie liberalism\",\"anarcho-capitalism\",\"philosophy of max stirner\",\"totalitarianism\",\"nazism\",\"synarchism\",\"one-party state\",\"proletarian nation\",\"social order\",\"ilminism\",\"index of social and political philosophy articles\",\"freedom\",\"left-wing populism\",\"comparative politics\",\"technocracy\",\"biology and political orientation\",\"caudillo\",\"enlightened absolutism\",\"samuel von pufendorf\",\"third way\",\"biology and political orientation\",\"horseshoe theory\",\"totalitarianism\",\"populism\",\"left-wing populism\",\"left\\u2013right political spectrum\",\"nolan chart\",\"third way\",\"neo-nationalism\",\"oligarchy\",\"statism\",\"spatial politics\",\"national conservatism\",\"constitutional patriotism\",\"eco-nationalism\",\"leipzig school (sociology)\",\"you have two cows\",\"right-wing politics\",\"one-party state\",\"reactionary\",\"f\\u00fchrer\",\"far-right politics\",\"enlightened absolutism\",\"ministry of magic\",\"drang nach osten\",\"tyranny of the majority\",\"dictablanda\",\"neosocialism\",\"organicism\",\"nur f\\u00fcr deutsche\",\"authoritarian left\",\"blood and soil\",\"corporate republic\",\"hardline\",\"soft despotism\",\"christian fascism\",\"authoritarian democracy\",\"social order\",\"perpetual war\",\"proletarian nation\",\"kinder, k\\u00fcche, kirche\",\"ilminism\",\"synarchism\",\"constitutional dictatorship\",\"ecoauthoritarianism\",\"plurinationalism\",\"antemurale myth\",\"hannah arendt institute for totalitarianism studies\",\"kalergi plan\",\"economic nationalism\",\"franz oppenheimer\",\"alphons silbermann\",\"dependent territory\",\"home rule\",\"autonomous administrative division\",\"autonomous communities administration\",\"night-watchman state\",\"public policy doctrine\",\"anarcho-capitalism\",\"non-interventionism\",\"bryan caplan\",\"civil libertarianism\",\"free migration\",\"global justice movement\",\"law of equal liberty\",\"index of social and political philosophy articles\",\"voluntary society\",\"neoclassical liberalism\",\"conflict resolution research\",\"totalitarianism\",\"national conservatism\",\"proletarian nation\",\"christian fascism\",\"liberal conservatism\",\"franz oppenheimer\",\"oligarchy\",\"kyklos\",\"donor class\",\"one-party state\",\"corporate republic\",\"cato institute\",\"private highway\",\"third way\",\"freedom\",\"constitutional patriotism\",\"list of liberal theorists\",\"whiggism\",\"anarcho-capitalism\",\"liberal conservatism\",\"f\\u00fchrer\",\"continuismo\",\"cacique\",\"majoritarianism\",\"totalitarianism\",\"secession\",\"one-party state\",\"technocracy\",\"totalitarianism\",\"oligarchy\",\"statism\",\"dependent territory\",\"regional power\",\"great power\",\"one-party state\",\"enlightened absolutism\",\"tyranny of the majority\",\"dictablanda\",\"corporate republic\",\"soft despotism\",\"authoritarian democracy\",\"ecoauthoritarianism\",\"dependent territory\",\"secession\",\"balkanization\",\"right to exist\",\"home rule\",\"social situation in the french suburbs\",\"autonomous administrative division\",\"comparative politics\",\"biology and political orientation\",\"constitutionalism\",\"party system\",\"horseshoe theory\",\"totalitarianism\",\"populism\",\"left\\u2013right political spectrum\",\"nolan chart\",\"third way\",\"reactionary\",\"hardline\",\"freedom\",\"right-wing politics\",\"social liberalism\",\"non-interventionism\",\"conservative liberalism\",\"cleavage (politics)\",\"political cartoon\",\"gadsden flag\",\"technocracy\",\"totalitarianism\",\"populism\",\"authoritarian democracy\",\"proletarian nation\",\"social order\",\"perpetual war\",\"totalitarianism\",\"populism\",\"oligarchy\",\"statism\",\"corporate republic\",\"dictablanda\",\"one-party state\",\"authoritarian democracy\",\"ecoauthoritarianism\",\"enlightened absolutism\",\"soft despotism\",\"polyarchy\",\"associationalism\",\"majoritarianism\",\"public consultation\",\"tyranny of the majority\",\"list of liberal theorists\",\"index of social and political philosophy articles\",\"philosophy of max stirner\",\"peace and conflict studies\",\"antimilitarism\",\"appeasement\",\"non-interventionism\",\"peace journalism\",\"freedom\",\"totalitarianism\",\"populism\",\"synarchism\",\"one-party state\",\"authoritarian democracy\",\"christian fascism\",\"social order\",\"perpetual war\",\"proletarian nation\",\"horseshoe theory\",\"totalitarianism\",\"populism\",\"left\\u2013right political spectrum\",\"nolan chart\",\"third way\",\"reactionary\",\"hardline\",\"right-wing politics\",\"constitutional patriotism\",\"plurinationalism\",\"ecoauthoritarianism\",\"third way\",\"freedom\",\"oligarchy\",\"social liberalism\",\"conservative liberalism\",\"equality before the law\",\"civil libertarianism\",\"liberal conservatism\",\"whiggism\",\"law of equal liberty\",\"anarcho-capitalism\",\"modern liberalism in the united states\",\"liberal corporatism\",\"technoliberalism\",\"neoclassical liberalism\",\"technocracy\",\"constitutionalism\",\"populism\",\"third way\",\"reactionary\",\"hardline\",\"freedom\",\"right-wing politics\",\"statism\",\"social liberalism\",\"cato institute\",\"conservative liberalism\",\"equality before the law\",\"civil libertarianism\",\"liberal conservatism\",\"modern liberalism in the united states\",\"law of equal liberty\",\"liberal corporatism\",\"technoliberalism\",\"neoclassical liberalism\",\"anarcho-capitalism\",\"biology and political orientation\",\"stein rokkan\",\"party system\",\"horseshoe theory\",\"totalitarianism\",\"populism\",\"left-wing populism\",\"nolan chart\",\"right-wing politics\",\"reactionary\",\"far-right politics\",\"third way\",\"freedom\",\"cato institute\",\"hardline\",\"totalitarianism\",\"oligarchy\",\"statism\",\"corporate republic\",\"dictablanda\",\"one-party state\",\"authoritarian democracy\",\"ecoauthoritarianism\",\"ethnarch\",\"list of enlightened despots\",\"soft despotism\",\"technocracy\",\"cyberocracy\",\"e-government\",\"totalitarianism\",\"oligarchy\",\"dependent territory\",\"great power\",\"regional hegemony\",\"polyarchy\",\"donor class\",\"legalism (chinese philosophy)\",\"night-watchman state\",\"futarchy\",\"corporate republic\",\"bankocracy\",\"freedom\",\"comparative politics\",\"technocracy\",\"biology and political orientation\",\"technocracy\",\"totalitarianism\",\"oligarchy\",\"dependent territory\",\"great power\",\"corporate republic\",\"anarcho-capitalism\",\"reactionary\",\"party system\",\"totalitarianism\",\"liberal conservatism\",\"technocracy\",\"cyberocracy\",\"e-government\",\"totalitarianism\",\"oligarchy\",\"dependent territory\",\"polyarchy\",\"legalism (chinese philosophy)\",\"night-watchman state\",\"futarchy\",\"regional hegemony\",\"corporate republic\",\"bankocracy\",\"constitutionalism\",\"third way\",\"freedom\",\"constitutional patriotism\",\"small government\",\"night-watchman state\",\"anarcho-capitalism\",\"liberal conservatism\",\"cato institute\",\"antimilitarism\",\"non-interventionism\",\"civil libertarianism\",\"voluntary society\",\"bryan caplan\",\"free migration\",\"global justice movement\",\"gadsden flag\",\"free market fairness\",\"reactionary\",\"right-wing politics\",\"eurasianism\",\"maternalism\",\"organicism\",\"night-watchman state\",\"anarcho-capitalism\",\"non-interventionism\",\"law of equal liberty\",\"civil libertarianism\",\"proprietary community\",\"bryan caplan\",\"free migration\",\"global justice movement\",\"populism\",\"majoritarianism\",\"polyarchy\",\"party system\",\"totalitarianism\",\"populism\",\"third way\",\"oligarchy\",\"national conservatism\",\"statism\",\"corporate republic\",\"dictablanda\",\"economic nationalism\",\"social conservatism\",\"authoritarian democracy\",\"ecoauthoritarianism\",\"soft despotism\",\"christian fascism\",\"chua beng huat\",\"index of social and political philosophy articles\",\"index of social and political philosophy articles\",\"bryan caplan\",\"right-wing politics\",\"constitutionalism\",\"third way\",\"freedom\",\"constitutional patriotism\",\"small government\",\"night-watchman state\",\"anarcho-capitalism\",\"liberal conservatism\",\"antimilitarism\",\"equality before the law\",\"free migration\",\"global justice movement\",\"bryan caplan\",\"civil libertarianism\",\"national conservatism\",\"small government\",\"social conservatism\",\"conservative liberalism\",\"atlanticism\",\"liberal conservatism\",\"neoauthoritarianism (china)\",\"bryan caplan\",\"gadsden flag\",\"national conservatism\",\"small government\",\"social conservatism\",\"conservative liberalism\",\"liberal conservatism\",\"neoauthoritarianism (china)\",\"populism\",\"oligarchy\",\"balkanization\",\"authoritarian democracy\",\"polyarchy\",\"far-right politics\",\"right-wing politics\",\"blood and soil\",\"christian corporatism\",\"corporate statism\",\"index of social and political philosophy articles\",\"liberal corporatism\",\"far-right politics\",\"national conservatism\",\"liberal conservatism\",\"titicut follies\",\"freedom\",\"reactionary\",\"right-wing politics\",\"statism\",\"bryan caplan\",\"civil libertarianism\",\"night-watchman state\",\"non-interventionism\",\"anarcho-capitalism\",\"comparative politics\",\"technocracy\",\"biology and political orientation\",\"constitutionalism\",\"horseshoe theory\",\"totalitarianism\",\"populism\",\"nolan chart\",\"third way\",\"neo-nationalism\",\"statism\",\"social conservatism\",\"conservative liberalism\",\"national conservatism\",\"successor ideology\",\"feminist theory\",\"right-wing politics\",\"reactionary\",\"hardline\",\"balkanization\",\"far-right politics\",\"liberal conservatism\",\"fourteen words\",\"index of social and political philosophy articles\",\"basket of deplorables\",\"neoauthoritarianism (china)\",\"ecoauthoritarianism\",\"kalergi plan\",\"neo-nationalism\",\"far-right politics\",\"blood and soil\",\"fourteen words\",\"basket of deplorables\",\"trash doves\",\"eurosphere\",\"constitutionalism\",\"third way\",\"freedom\",\"atlanticism\",\"constitutionalism\",\"totalitarianism\",\"national conservatism\",\"right-wing politics\",\"authoritarian democracy\",\"conservative liberalism\",\"liberal conservatism\",\"catonism\",\"christian fascism\",\"comparative politics\",\"technocracy\",\"biology and political orientation\",\"totalitarianism\",\"populism\",\"oligarchy\",\"dependent territory\",\"authoritarian democracy\",\"polyarchy\",\"far-right politics\",\"national conservatism\",\"right-wing politics\",\"social liberalism\",\"social conservatism\",\"christian corporatism\",\"index of social and political philosophy articles\",\"comparative politics\",\"norwegian sociology canon\",\"party system\",\"cleavage (politics)\",\"technocracy\",\"constitutionalism\",\"totalitarianism\",\"populism\",\"third way\",\"hardline\",\"oligarchy\",\"right-wing politics\",\"statism\",\"corporate republic\",\"dictablanda\",\"authoritarian democracy\",\"soft despotism\",\"constitutionalism\",\"civil libertarianism\",\"free migration\",\"global justice movement\",\"index of social and political philosophy articles\",\"technocracy\",\"constitutionalism\",\"totalitarianism\",\"oligarchy\",\"statism\",\"dependent territory\",\"civil libertarianism\",\"free migration\",\"global justice movement\",\"anarcho-capitalism\",\"cato institute\",\"antimilitarism\",\"bryan caplan\",\"non-interventionism\",\"e-government\",\"international conference on theory and practice of electronic governance\",\"technocracy\",\"left-wing populism\",\"third way\",\"freedom\",\"constitutional patriotism\",\"modern liberalism in the united states\",\"social liberalism\",\"anarcho-capitalism\",\"liberal conservatism\",\"conservative liberalism\",\"index of social and political philosophy articles\",\"liberal social movement (portugal)\",\"horseshoe theory\",\"populism\",\"modern liberalism in the united states\",\"antimilitarism\",\"constitutional patriotism\",\"authoritarian democracy\",\"christian fascism\",\"gun control\",\"technocracy\",\"cyberocracy\",\"e-government\",\"totalitarianism\",\"dependent territory\",\"synarchism\",\"oligarchy\",\"corporate republic\",\"dictablanda\",\"authoritarian democracy\",\"soft despotism\",\"statism\",\"kyklos\",\"legalism (chinese philosophy)\",\"ethnarch\",\"futarchy\",\"index of social and political philosophy articles\",\"bankocracy\",\"index of social and political philosophy articles\",\"totalitarianism\",\"populism\",\"kyklos\",\"modern liberalism in the united states\",\"anarcho-capitalism\",\"liberal conservatism\",\"antimilitarism\",\"commodity form theory\",\"generosity\",\"duality of structure\",\"global justice movement\",\"legalism (chinese philosophy)\",\"the machiavellian moment\",\"catonism\",\"agonism\",\"indian political philosophy\",\"constitutionalism\",\"special relationship (international relations)\",\"biology and political orientation\",\"horseshoe theory\",\"totalitarianism\",\"populism\",\"statism\",\"gun control\",\"third way\",\"hardline\",\"right-wing politics\",\"far-right politics\",\"third way\",\"neo-nationalism\",\"conservative liberalism\",\"national conservatism\",\"plurinationalism\",\"anarcho-capitalism\",\"liberal conservatism\",\"antemurale myth\",\"zombie liberalism\",\"economic nationalism\",\"technocracy\",\"totalitarianism\",\"dependent territory\",\"cato institute\",\"cato institute\",\"constitutionalism\",\"secession\",\"anarcho-capitalism\",\"starve the beast\",\"bryan caplan\",\"economic nationalism\",\"franz oppenheimer\",\"technocracy\",\"constitutionalism\",\"populism\",\"third way\",\"hardline\",\"feminist theory\",\"right-wing politics\",\"statism\",\"valerie bryson\",\"neo-nationalism\",\"national conservatism\",\"antemurale myth\",\"economic nationalism\",\"constitutionalism\",\"third way\",\"freedom\",\"anarcho-capitalism\",\"antimilitarism\",\"non-interventionism\",\"bryan caplan\",\"free migration\",\"global justice movement\",\"horseshoe theory\",\"far-right politics\",\"right to exist\",\"peace and conflict studies\",\"antimilitarism\",\"appeasement\",\"non-interventionism\",\"give peace a chance\",\"peace journalism\",\"third way\",\"freedom\",\"comparative politics\",\"biology and political orientation\",\"neo-nationalism\",\"statism\",\"high and low politics\",\"right-wing politics\",\"e-government\",\"populism\",\"dependent territory\",\"legalism (chinese philosophy)\",\"party system\",\"totalitarianism\",\"cyberocracy\",\"technocracy\",\"futarchy\",\"modern liberalism in the united states\",\"corporate republic\",\"hardline\",\"neoauthoritarianism (china)\",\"non-interventionism\",\"generosity\",\"gun control\",\"fiscal policy of the united states\",\"a call to action: women, religion, violence, and power\",\"anarcho-capitalism\",\"cyberocracy\",\"e-government\",\"third way\",\"conservative liberalism\",\"freedom\",\"far-right politics\",\"liberal conservatism\",\"give peace a chance\",\"modern liberalism in the united states\",\"national forum (georgia)\",\"technoliberalism\",\"indonesian village law\",\"anarcho-capitalism\",\"totalitarianism\",\"blood and soil\",\"authoritarian democracy\",\"nur f\\u00fcr deutsche\",\"cyberocracy\",\"e-government\",\"totalitarianism\",\"secession\",\"home rule\",\"dependent territory\",\"legalism (chinese philosophy)\",\"autonomous administrative division\",\"futarchy\",\"corporate republic\",\"totalitarianism\",\"third way\",\"gun control\",\"conservative liberalism\",\"totalitarianism\",\"far-right politics\",\"blood and soil\",\"authoritarian democracy\",\"f\\u00fchrer\",\"neo-nationalism\",\"fourteen words\",\"basket of deplorables\",\"secession\",\"social situation in the french suburbs\",\"balkanization\",\"totalitarianism\",\"third way\",\"right-wing politics\",\"anarcho-capitalism\",\"conservative liberalism\",\"zombie liberalism\",\"constitutionalism\",\"third way\",\"secession\",\"conservative liberalism\",\"bryan caplan\",\"non-interventionism\",\"zombie liberalism\",\"antimilitarism\",\"free migration\",\"global justice movement\",\"philosophy of max stirner\",\"fiscal policy of the united states\",\"secession\",\"home rule\",\"autonomous administrative division\",\"cacique\",\"a call to action: women, religion, violence, and power\",\"antimilitarism\",\"non-interventionism\",\"bryan caplan\",\"social rights (social contract theory)\",\"global justice movement\",\"neo-nationalism\",\"right-wing politics\",\"third way\",\"right-wing politics\",\"totalitarianism\",\"statism\",\"peace and conflict studies\",\"antimilitarism\",\"appeasement\",\"non-interventionism\",\"peace and conflict studies\",\"antimilitarism\",\"peace through strength\",\"appeasement\",\"non-interventionism\",\"corporate republic\",\"economic nationalism\",\"totalitarianism\",\"christian fascism\",\"party system\",\"horseshoe theory\",\"totalitarianism\",\"populism\",\"third way\",\"hardline\",\"neo-nationalism\",\"right-wing politics\",\"blood and soil\",\"far-right politics\",\"fourteen words\",\"christian fascism\",\"totalitarianism\",\"legalism (chinese philosophy)\",\"third way\",\"comparative politics\",\"biology and political orientation\",\"statism\",\"party platform\",\"right-wing politics\",\"cleavage (politics)\",\"totalitarianism\",\"neo-nationalism\",\"fourteen words\",\"authoritarian democracy\",\"blood and soil\",\"basket of deplorables\",\"comparative politics\",\"biology and political orientation\",\"cyberocracy\",\"totalitarianism\",\"e-government\",\"electronic authentication\",\"biology and political orientation\",\"constitutionalism\",\"horseshoe theory\",\"neo-nationalism\",\"statism\",\"right-wing politics\",\"pippa norris\",\"hardline\",\"third way\",\"christian fascism\",\"authoritarian democracy\",\"neo-nationalism\",\"statism\",\"right-wing politics\",\"bryan caplan\",\"non-interventionism\",\"hardline\",\"totalitarianism\",\"comparative politics\",\"third way\",\"hardline\",\"right-wing politics\",\"statism\",\"fourteen words\",\"basket of deplorables\",\"fiscal policy of the united states\",\"totalitarianism\",\"statism\",\"corporate republic\",\"authoritarian democracy\",\"soft despotism\",\"fourteen words\",\"economic nationalism\",\"peace and conflict studies\",\"non-interventionism\",\"peace and conflict studies\",\"totalitarianism\",\"authoritarian democracy\",\"christian fascism\",\"non-interventionism\",\"bryan caplan\",\"comparative politics\",\"totalitarianism\",\"hannah arendt institute for totalitarianism studies\",\"biology and political orientation\",\"horseshoe theory\",\"totalitarianism\",\"corporate republic\",\"authoritarian democracy\",\"soft despotism\",\"statism\",\"right-wing politics\",\"third way\",\"hardline\",\"statism\",\"corporate republic\",\"authoritarian democracy\",\"peace and conflict studies\",\"antimilitarism\",\"swiss neutrality\",\"non-interventionism\",\"global justice movement\",\"biology and political orientation\",\"horseshoe theory\",\"third way\",\"statism\",\"right-wing politics\",\"party platform\",\"ministry of magic\",\"statism\",\"corporate republic\",\"third way\",\"right-wing politics\",\"peace and conflict studies\",\"global justice movement\",\"horseshoe theory\",\"third way\",\"statism\",\"global justice movement\",\"biology and political orientation\",\"high and low politics\",\"biology and political orientation\",\"horseshoe theory\",\"third way\",\"biology and political orientation\",\"statism\",\"autonomous administrative division\",\"third way\",\"statism\",\"third way\"],\"start\":[\"particracy\",\"particracy\",\"particracy\",\"particracy\",\"particracy\",\"particracy\",\"particracy\",\"particracy\",\"particracy\",\"particracy\",\"particracy\",\"particracy\",\"particracy\",\"particracy\",\"particracy\",\"particracy\",\"particracy\",\"private military company\",\"private military company\",\"national liberalism\",\"national liberalism\",\"national liberalism\",\"national liberalism\",\"national liberalism\",\"national liberalism\",\"national liberalism\",\"national liberalism\",\"national liberalism\",\"national liberalism\",\"national liberalism\",\"national liberalism\",\"national liberalism\",\"national liberalism\",\"national liberalism\",\"liberalism and conservatism in latin america\",\"liberalism and conservatism in latin america\",\"liberalism and conservatism in latin america\",\"liberalism and conservatism in latin america\",\"liberalism and conservatism in latin america\",\"liberalism and conservatism in latin america\",\"liberalism and conservatism in latin america\",\"liberalism and conservatism in latin america\",\"liberalism and conservatism in latin america\",\"liberalism and conservatism in latin america\",\"post-politics\",\"post-politics\",\"symbol\",\"symbol\",\"symbol\",\"symbol\",\"symbol\",\"symbol\",\"symbol\",\"symbol\",\"symbol\",\"symbol\",\"symbol\",\"authoritarian capitalism\",\"authoritarian capitalism\",\"authoritarian capitalism\",\"authoritarian capitalism\",\"authoritarian capitalism\",\"authoritarian capitalism\",\"authoritarian capitalism\",\"authoritarian capitalism\",\"authoritarian capitalism\",\"authoritarian capitalism\",\"authoritarian capitalism\",\"authoritarian capitalism\",\"authoritarian capitalism\",\"authoritarian capitalism\",\"authoritarian capitalism\",\"authoritarian capitalism\",\"authoritarian capitalism\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"private property\",\"friendly fascism (book)\",\"friendly fascism (book)\",\"friendly fascism (book)\",\"friendly fascism (book)\",\"friendly fascism (book)\",\"friendly fascism (book)\",\"friendly fascism (book)\",\"consequentialist justifications of the state\",\"middlebrow\",\"public image of cristina fern\\u00e1ndez de kirchner\",\"preselection\",\"preselection\",\"preselection\",\"peruvian nitrate monopoly\",\"samuel von pufendorf\",\"samuel von pufendorf\",\"frente despertar\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"nazism\",\"autonomous communities of spain\",\"autonomous communities of spain\",\"autonomous communities of spain\",\"autonomous communities of spain\",\"freedom of contract\",\"freedom of contract\",\"freedom of contract\",\"freedom of contract\",\"freedom of contract\",\"freedom of contract\",\"freedom of contract\",\"freedom of contract\",\"freedom of contract\",\"freedom of contract\",\"freedom of contract\",\"freedom of contract\",\"verbal self-defense\",\"ilminism\",\"ilminism\",\"ilminism\",\"ilminism\",\"ilminism\",\"the state (book)\",\"timocracy\",\"timocracy\",\"timocracy\",\"timocracy\",\"timocracy\",\"private highway\",\"private highway\",\"democratic liberalism\",\"democratic liberalism\",\"democratic liberalism\",\"democratic liberalism\",\"democratic liberalism\",\"democratic liberalism\",\"democratic liberalism\",\"caudillo\",\"caudillo\",\"caudillo\",\"eternity clause\",\"burmese way to socialism\",\"burmese way to socialism\",\"burmese way to socialism\",\"constitutional dictatorship\",\"constitutional dictatorship\",\"constitutional dictatorship\",\"constitutional dictatorship\",\"constitutional dictatorship\",\"constitutional dictatorship\",\"constitutional dictatorship\",\"constitutional dictatorship\",\"constitutional dictatorship\",\"constitutional dictatorship\",\"constitutional dictatorship\",\"constitutional dictatorship\",\"constitutional dictatorship\",\"constitutional dictatorship\",\"constitutional dictatorship\",\"corporative federalism\",\"corporative federalism\",\"corporative federalism\",\"corporative federalism\",\"corporative federalism\",\"corporative federalism\",\"corporative federalism\",\"ap comparative government and politics\",\"authoritarian left\",\"authoritarian left\",\"authoritarian left\",\"authoritarian left\",\"authoritarian left\",\"authoritarian left\",\"authoritarian left\",\"authoritarian left\",\"authoritarian left\",\"authoritarian left\",\"authoritarian left\",\"authoritarian left\",\"authoritarian left\",\"authoritarian left\",\"authoritarian left\",\"authoritarian left\",\"authoritarian left\",\"political cartoon\",\"political cartoon\",\"neosocialism\",\"neosocialism\",\"neosocialism\",\"neosocialism\",\"neosocialism\",\"neosocialism\",\"neosocialism\",\"tyranny of the majority\",\"tyranny of the majority\",\"tyranny of the majority\",\"tyranny of the majority\",\"tyranny of the majority\",\"tyranny of the majority\",\"tyranny of the majority\",\"tyranny of the majority\",\"tyranny of the majority\",\"tyranny of the majority\",\"tyranny of the majority\",\"tyranny of the majority\",\"tyranny of the majority\",\"tyranny of the majority\",\"tyranny of the majority\",\"tyranny of the majority\",\"tyranny of the majority\",\"tyranny of the majority\",\"tyranny of the majority\",\"center on conscience & war\",\"center on conscience & war\",\"center on conscience & war\",\"center on conscience & war\",\"center on conscience & war\",\"public consultation\",\"proletarian nation\",\"proletarian nation\",\"proletarian nation\",\"proletarian nation\",\"proletarian nation\",\"proletarian nation\",\"proletarian nation\",\"proletarian nation\",\"proletarian nation\",\"spatial politics\",\"spatial politics\",\"spatial politics\",\"spatial politics\",\"spatial politics\",\"spatial politics\",\"spatial politics\",\"spatial politics\",\"spatial politics\",\"eco-nationalism\",\"eco-nationalism\",\"eco-nationalism\",\"list of liberal theorists\",\"list of liberal theorists\",\"list of liberal theorists\",\"list of liberal theorists\",\"list of liberal theorists\",\"list of liberal theorists\",\"list of liberal theorists\",\"list of liberal theorists\",\"list of liberal theorists\",\"list of liberal theorists\",\"list of liberal theorists\",\"list of liberal theorists\",\"list of liberal theorists\",\"list of liberal theorists\",\"list of liberal theorists\",\"whiggism\",\"whiggism\",\"whiggism\",\"whiggism\",\"whiggism\",\"whiggism\",\"whiggism\",\"whiggism\",\"whiggism\",\"whiggism\",\"whiggism\",\"whiggism\",\"whiggism\",\"whiggism\",\"whiggism\",\"whiggism\",\"whiggism\",\"whiggism\",\"whiggism\",\"whiggism\",\"whiggism\",\"left\\u2013right political spectrum\",\"left\\u2013right political spectrum\",\"left\\u2013right political spectrum\",\"left\\u2013right political spectrum\",\"left\\u2013right political spectrum\",\"left\\u2013right political spectrum\",\"left\\u2013right political spectrum\",\"left\\u2013right political spectrum\",\"left\\u2013right political spectrum\",\"left\\u2013right political spectrum\",\"left\\u2013right political spectrum\",\"left\\u2013right political spectrum\",\"left\\u2013right political spectrum\",\"left\\u2013right political spectrum\",\"left\\u2013right political spectrum\",\"enlightened absolutism\",\"enlightened absolutism\",\"enlightened absolutism\",\"enlightened absolutism\",\"enlightened absolutism\",\"enlightened absolutism\",\"enlightened absolutism\",\"enlightened absolutism\",\"enlightened absolutism\",\"enlightened absolutism\",\"enlightened absolutism\",\"regional power\",\"regional power\",\"regional power\",\"regional power\",\"regional power\",\"regional power\",\"regional power\",\"regional power\",\"regional power\",\"regional power\",\"regional power\",\"regional power\",\"regional power\",\"regional power\",\"regional power\",\"worshipful company of butchers\",\"public policy doctrine\",\"public policy doctrine\",\"public policy doctrine\",\"donor class\",\"donor class\",\"donor class\",\"donor class\",\"donor class\",\"donor class\",\"donor class\",\"backlash (sociology)\",\"electronic media\",\"the indian struggle\",\"feeding the chooks\",\"great power\",\"great power\",\"great power\",\"great power\",\"great power\",\"great power\",\"great power\",\"great power\",\"great power\",\"great power\",\"great power\",\"great power\",\"great power\",\"neoclassical liberalism\",\"neoclassical liberalism\",\"neoclassical liberalism\",\"neoclassical liberalism\",\"neoclassical liberalism\",\"neoclassical liberalism\",\"neoclassical liberalism\",\"neoclassical liberalism\",\"neoclassical liberalism\",\"neoclassical liberalism\",\"neoclassical liberalism\",\"neoclassical liberalism\",\"neoclassical liberalism\",\"neoclassical liberalism\",\"neoclassical liberalism\",\"neoclassical liberalism\",\"neoclassical liberalism\",\"neoclassical liberalism\",\"conservative corporatism\",\"conservative corporatism\",\"conservative corporatism\",\"conservative corporatism\",\"conservative corporatism\",\"voluntary society\",\"voluntary society\",\"voluntary society\",\"voluntary society\",\"voluntary society\",\"voluntary society\",\"voluntary society\",\"voluntary society\",\"voluntary society\",\"associationalism\",\"associationalism\",\"associationalism\",\"one-party state\",\"one-party state\",\"one-party state\",\"one-party state\",\"one-party state\",\"one-party state\",\"one-party state\",\"one-party state\",\"one-party state\",\"one-party state\",\"one-party state\",\"one-party state\",\"one-party state\",\"one-party state\",\"one-party state\",\"one-party state\",\"critique: journal of socialist theory\",\"societal attitudes towards abortion\",\"singleton (global governance)\",\"public image of narendra modi\",\"law of equal liberty\",\"law of equal liberty\",\"law of equal liberty\",\"law of equal liberty\",\"law of equal liberty\",\"law of equal liberty\",\"law of equal liberty\",\"law of equal liberty\",\"law of equal liberty\",\"law of equal liberty\",\"law of equal liberty\",\"law of equal liberty\",\"law of equal liberty\",\"law of equal liberty\",\"eurasianism\",\"eurasianism\",\"eurasianism\",\"eurasianism\",\"eurasianism\",\"eurasianism\",\"eurasianism\",\"gadsden flag\",\"gadsden flag\",\"maternalism\",\"maternalism\",\"maternalism\",\"maternalism\",\"maternalism\",\"maternalism\",\"majoritarianism\",\"majoritarianism\",\"majoritarianism\",\"majoritarianism\",\"majoritarianism\",\"organicism\",\"organicism\",\"organicism\",\"organicism\",\"organicism\",\"organicism\",\"organicism\",\"law and order\",\"law and order\",\"law and order\",\"law and order\",\"public comment\",\"small government\",\"small government\",\"small government\",\"small government\",\"small government\",\"small government\",\"small government\",\"small government\",\"chua beng huat\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"reactionary\",\"kalergi plan\",\"kalergi plan\",\"kalergi plan\",\"kalergi plan\",\"kalergi plan\",\"kalergi plan\",\"equality before the law\",\"equality before the law\",\"equality before the law\",\"equality before the law\",\"equality before the law\",\"eurosphere\",\"social order\",\"social order\",\"social order\",\"social order\",\"social order\",\"social order\",\"social order\",\"social order\",\"polyarchy\",\"polyarchy\",\"polyarchy\",\"polyarchy\",\"polyarchy\",\"polyarchy\",\"polyarchy\",\"polyarchy\",\"polyarchy\",\"social conservatism\",\"social conservatism\",\"social conservatism\",\"social conservatism\",\"social conservatism\",\"social conservatism\",\"social conservatism\",\"stein rokkan\",\"stein rokkan\",\"stein rokkan\",\"stein rokkan\",\"ecoauthoritarianism\",\"ecoauthoritarianism\",\"ecoauthoritarianism\",\"ecoauthoritarianism\",\"ecoauthoritarianism\",\"ecoauthoritarianism\",\"ecoauthoritarianism\",\"ecoauthoritarianism\",\"ecoauthoritarianism\",\"ecoauthoritarianism\",\"ecoauthoritarianism\",\"ecoauthoritarianism\",\"ecoauthoritarianism\",\"liberal legalism\",\"free-market healthcare\",\"free-market healthcare\",\"free-market healthcare\",\"delegated authority\",\"night-watchman state\",\"night-watchman state\",\"night-watchman state\",\"night-watchman state\",\"night-watchman state\",\"night-watchman state\",\"night-watchman state\",\"night-watchman state\",\"night-watchman state\",\"night-watchman state\",\"night-watchman state\",\"night-watchman state\",\"night-watchman state\",\"night-watchman state\",\"international conference on theory and practice of electronic governance\",\"international conference on theory and practice of electronic governance\",\"social liberalism\",\"social liberalism\",\"social liberalism\",\"social liberalism\",\"social liberalism\",\"social liberalism\",\"social liberalism\",\"social liberalism\",\"social liberalism\",\"social liberalism\",\"social liberalism\",\"social liberalism\",\"left-wing populism\",\"left-wing populism\",\"left-wing populism\",\"left-wing populism\",\"left-wing populism\",\"perpetual war\",\"perpetual war\",\"valence issue\",\"oligarchy\",\"oligarchy\",\"oligarchy\",\"oligarchy\",\"oligarchy\",\"oligarchy\",\"oligarchy\",\"oligarchy\",\"oligarchy\",\"oligarchy\",\"oligarchy\",\"oligarchy\",\"oligarchy\",\"oligarchy\",\"oligarchy\",\"oligarchy\",\"oligarchy\",\"oligarchy\",\"political jurisprudence\",\"index of social and political philosophy articles\",\"index of social and political philosophy articles\",\"index of social and political philosophy articles\",\"index of social and political philosophy articles\",\"index of social and political philosophy articles\",\"index of social and political philosophy articles\",\"index of social and political philosophy articles\",\"index of social and political philosophy articles\",\"index of social and political philosophy articles\",\"index of social and political philosophy articles\",\"index of social and political philosophy articles\",\"index of social and political philosophy articles\",\"index of social and political philosophy articles\",\"index of social and political philosophy articles\",\"index of social and political philosophy articles\",\"index of social and political philosophy articles\",\"atlanticism\",\"atlanticism\",\"nolan chart\",\"nolan chart\",\"nolan chart\",\"nolan chart\",\"nolan chart\",\"nolan chart\",\"nolan chart\",\"nolan chart\",\"nolan chart\",\"nolan chart\",\"constitutional patriotism\",\"constitutional patriotism\",\"constitutional patriotism\",\"constitutional patriotism\",\"constitutional patriotism\",\"constitutional patriotism\",\"constitutional patriotism\",\"constitutional patriotism\",\"constitutional patriotism\",\"constitutional patriotism\",\"bankocracy\",\"bankocracy\",\"bankocracy\",\"free market fairness\",\"richard timberlake\",\"cato institute\",\"cato institute\",\"cato institute\",\"cato institute\",\"cato institute\",\"cato institute\",\"cato institute\",\"feminist theory\",\"feminist theory\",\"feminist theory\",\"feminist theory\",\"feminist theory\",\"feminist theory\",\"feminist theory\",\"feminist theory\",\"feminist theory\",\"plurinationalism\",\"plurinationalism\",\"plurinationalism\",\"plurinationalism\",\"civil libertarianism\",\"civil libertarianism\",\"civil libertarianism\",\"civil libertarianism\",\"civil libertarianism\",\"civil libertarianism\",\"civil libertarianism\",\"civil libertarianism\",\"civil libertarianism\",\"political research associates\",\"political research associates\",\"right to exist\",\"peace journalism\",\"peace journalism\",\"peace journalism\",\"peace journalism\",\"peace journalism\",\"peace journalism\",\"liberal corporatism\",\"liberal corporatism\",\"technocracy\",\"technocracy\",\"technocracy\",\"technocracy\",\"technocracy\",\"technocracy\",\"technocracy\",\"technocracy\",\"technocracy\",\"technocracy\",\"technocracy\",\"technocracy\",\"technocracy\",\"technocracy\",\"technocracy\",\"technocracy\",\"technocracy\",\"technocracy\",\"technocracy\",\"interventionism (politics)\",\"generosity\",\"economic stimulus appropriations act of 1977\",\"economic stimulus appropriations act of 1977\",\"economic stimulus appropriations act of 1977\",\"franz oppenheimer\",\"digital era governance\",\"digital era governance\",\"freedom\",\"freedom\",\"freedom\",\"freedom\",\"freedom\",\"freedom\",\"freedom\",\"freedom\",\"freedom\",\"freedom\",\"freedom\",\"nur f\\u00fcr deutsche\",\"nur f\\u00fcr deutsche\",\"nur f\\u00fcr deutsche\",\"nur f\\u00fcr deutsche\",\"dependent territory\",\"dependent territory\",\"dependent territory\",\"dependent territory\",\"dependent territory\",\"dependent territory\",\"dependent territory\",\"dependent territory\",\"dependent territory\",\"dependent territory\",\"futarchy\",\"modern liberalism in the united states\",\"modern liberalism in the united states\",\"modern liberalism in the united states\",\"f\\u00fchrer\",\"f\\u00fchrer\",\"f\\u00fchrer\",\"f\\u00fchrer\",\"f\\u00fchrer\",\"trash doves\",\"trash doves\",\"trash doves\",\"balkanization\",\"balkanization\",\"balkanization\",\"christian corporatism\",\"liberal conservatism\",\"liberal conservatism\",\"liberal conservatism\",\"liberal conservatism\",\"liberal conservatism\",\"anarcho-capitalism\",\"anarcho-capitalism\",\"anarcho-capitalism\",\"anarcho-capitalism\",\"anarcho-capitalism\",\"anarcho-capitalism\",\"anarcho-capitalism\",\"anarcho-capitalism\",\"anarcho-capitalism\",\"anarcho-capitalism\",\"anarcho-capitalism\",\"gun control\",\"secession\",\"secession\",\"secession\",\"cacique\",\"commentary on palestine: peace not apartheid\",\"free migration\",\"free migration\",\"free migration\",\"free migration\",\"free migration\",\"national conservatism\",\"national conservatism\",\"technoliberalism\",\"neoauthoritarianism (china)\",\"philosophy of max stirner\",\"philosophy of max stirner\",\"give peace a chance\",\"give peace a chance\",\"give peace a chance\",\"give peace a chance\",\"appeasement\",\"appeasement\",\"appeasement\",\"appeasement\",\"appeasement\",\"corporate statism\",\"corporate statism\",\"synarchism\",\"synarchism\",\"far-right politics\",\"far-right politics\",\"far-right politics\",\"far-right politics\",\"far-right politics\",\"far-right politics\",\"far-right politics\",\"far-right politics\",\"far-right politics\",\"far-right politics\",\"far-right politics\",\"far-right politics\",\"legalism (chinese philosophy)\",\"legalism (chinese philosophy)\",\"zombie liberalism\",\"party system\",\"party system\",\"party system\",\"party system\",\"party system\",\"party system\",\"blood and soil\",\"blood and soil\",\"blood and soil\",\"blood and soil\",\"blood and soil\",\"blood and soil\",\"e-government\",\"e-government\",\"e-government\",\"e-government\",\"e-government\",\"e-government\",\"populism\",\"populism\",\"populism\",\"populism\",\"populism\",\"populism\",\"populism\",\"populism\",\"populism\",\"populism\",\"populism\",\"constitutionalism\",\"constitutionalism\",\"constitutionalism\",\"constitutionalism\",\"constitutionalism\",\"constitutionalism\",\"cyberocracy\",\"pippa norris\",\"neo-nationalism\",\"neo-nationalism\",\"neo-nationalism\",\"neo-nationalism\",\"neo-nationalism\",\"neo-nationalism\",\"criticism of the federal reserve\",\"dictablanda\",\"dictablanda\",\"dictablanda\",\"dictablanda\",\"dictablanda\",\"basket of deplorables\",\"economic nationalism\",\"responsibility to protect\",\"responsibility to protect\",\"conflict resolution research\",\"christian fascism\",\"christian fascism\",\"christian fascism\",\"bryan caplan\",\"bryan caplan\",\"hannah arendt institute for totalitarianism studies\",\"hannah arendt institute for totalitarianism studies\",\"hannah arendt institute for totalitarianism studies\",\"totalitarianism\",\"totalitarianism\",\"totalitarianism\",\"totalitarianism\",\"totalitarianism\",\"totalitarianism\",\"totalitarianism\",\"totalitarianism\",\"totalitarianism\",\"totalitarianism\",\"soft despotism\",\"soft despotism\",\"soft despotism\",\"non-interventionism\",\"non-interventionism\",\"non-interventionism\",\"non-interventionism\",\"non-interventionism\",\"hardline\",\"hardline\",\"hardline\",\"hardline\",\"hardline\",\"nancy program\",\"ministry of magic\",\"authoritarian democracy\",\"authoritarian democracy\",\"conservative liberalism\",\"conservative liberalism\",\"antimilitarism\",\"antimilitarism\",\"right-wing politics\",\"right-wing politics\",\"right-wing politics\",\"catherine eschle\",\"comparative politics\",\"comparative politics\",\"horseshoe theory\",\"horseshoe theory\",\"horseshoe theory\",\"high and low politics\",\"corporate republic\",\"home rule\",\"biology and political orientation\",\"third way\",\"third way\"]},\"selected\":{\"id\":\"4001\"},\"selection_policy\":{\"id\":\"4000\"}},\"id\":\"3189\",\"type\":\"ColumnDataSource\"},{\"attributes\":{\"active_multi\":null,\"active_scroll\":{\"id\":\"3303\"},\"tools\":[{\"id\":\"3302\"},{\"id\":\"3303\"},{\"id\":\"3304\"},{\"id\":\"3305\"},{\"id\":\"3306\"}]},\"id\":\"3307\",\"type\":\"Toolbar\"},{\"attributes\":{\"data_source\":{\"id\":\"3185\"},\"glyph\":{\"id\":\"3209\"},\"hover_glyph\":null,\"muted_glyph\":null,\"view\":{\"id\":\"3187\"}},\"id\":\"3186\",\"type\":\"GlyphRenderer\"},{\"attributes\":{},\"id\":\"3160\",\"type\":\"LinearScale\"},{\"attributes\":{\"fill_alpha\":{\"field\":\"alpha\"},\"fill_color\":{\"field\":\"node_colour\"},\"size\":{\"field\":\"node_sizes\"}},\"id\":\"3341\",\"type\":\"Circle\"},{\"attributes\":{},\"id\":\"3158\",\"type\":\"LinearScale\"},{\"attributes\":{\"formatter\":{\"id\":\"3978\"},\"major_label_policy\":{\"id\":\"3980\"},\"ticker\":{\"id\":\"3233\"},\"visible\":false},\"id\":\"3232\",\"type\":\"LinearAxis\"},{\"attributes\":{\"active_multi\":null,\"active_scroll\":{\"id\":\"3171\"},\"tools\":[{\"id\":\"3170\"},{\"id\":\"3171\"},{\"id\":\"3172\"},{\"id\":\"3173\"},{\"id\":\"3174\"}]},\"id\":\"3175\",\"type\":\"Toolbar\"},{\"attributes\":{\"data\":{\"alpha\":[0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75],\"depth\":[2,2,2,2,2,2,2,2,1,2,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,2,2,2,2,1,2,1,1,2,1,2,2,2,1,2,1,1,1,2,2,2,1,2,2,2,1,2,2,1,2,2,2,2,2,2,2,2,2,0,2,2,2,2,1,2,1,1,1,2,2,2,2,2,2,2,1,2,2,1,0,1,1,2,2,2,2,1,1,2,2,2,1,2,2,1,2,2,2,1,1,2,2,2,2,1,1,2,2,2,1,0,1,2,2,2,2,2,1,2,2,1,2,2,1,2,2,2,2,2,2,2,1,2,2,2,2,1,2,2,2,2,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,0,2,1,1,2,2,1,2,2,1,2,1,2,2,2,2,2,1,2,2,2,2,2,2,1,2,1,2,2,2,2,2,2,0,2,2,0,1,2,2,0,2,1,2,1,2,2,2,1],\"index\":[\"particracy\",\"private military company\",\"national liberalism\",\"liberalism and conservatism in latin america\",\"post-politics\",\"symbol\",\"authoritarian capitalism\",\"private property\",\"friendly fascism (book)\",\"consequentialist justifications of the state\",\"middlebrow\",\"public image of cristina fern\\u00e1ndez de kirchner\",\"preselection\",\"peruvian nitrate monopoly\",\"samuel von pufendorf\",\"frente despertar\",\"nazism\",\"flourish of approval\",\"autonomous communities of spain\",\"freedom of contract\",\"verbal self-defense\",\"ilminism\",\"the state (book)\",\"timocracy\",\"private highway\",\"democratic liberalism\",\"caudillo\",\"eternity clause\",\"you have two cows\",\"burmese way to socialism\",\"constitutional dictatorship\",\"corporative federalism\",\"ap comparative government and politics\",\"authoritarian left\",\"political cartoon\",\"neosocialism\",\"tyranny of the majority\",\"center on conscience & war\",\"public consultation\",\"proletarian nation\",\"spatial politics\",\"eco-nationalism\",\"list of liberal theorists\",\"whiggism\",\"drang nach osten\",\"left\\u2013right political spectrum\",\"enlightened absolutism\",\"regional power\",\"worshipful company of butchers\",\"public policy doctrine\",\"donor class\",\"backlash (sociology)\",\"electronic media\",\"the indian struggle\",\"feeding the chooks\",\"great power\",\"neoclassical liberalism\",\"conservative corporatism\",\"voluntary society\",\"associationalism\",\"one-party state\",\"critique: journal of socialist theory\",\"societal attitudes towards abortion\",\"singleton (global governance)\",\"public image of narendra modi\",\"law of equal liberty\",\"eurasianism\",\"gadsden flag\",\"maternalism\",\"majoritarianism\",\"organicism\",\"law and order\",\"public comment\",\"small government\",\"chua beng huat\",\"reactionary\",\"kalergi plan\",\"equality before the law\",\"eurosphere\",\"social order\",\"polyarchy\",\"social conservatism\",\"stein rokkan\",\"ecoauthoritarianism\",\"liberal legalism\",\"free-market healthcare\",\"delegated authority\",\"night-watchman state\",\"international conference on theory and practice of electronic governance\",\"social liberalism\",\"moor's head (heraldry)\",\"left-wing populism\",\"perpetual war\",\"valence issue\",\"oligarchy\",\"political jurisprudence\",\"index of social and political philosophy articles\",\"alphons silbermann\",\"atlanticism\",\"agonism\",\"nolan chart\",\"constitutional patriotism\",\"bankocracy\",\"free market fairness\",\"richard timberlake\",\"commodity form theory\",\"continuismo\",\"cato institute\",\"feminist theory\",\"plurinationalism\",\"civil libertarianism\",\"special relationship (international relations)\",\"political research associates\",\"right to exist\",\"the machiavellian moment\",\"peace journalism\",\"liberal corporatism\",\"technocracy\",\"interventionism (politics)\",\"generosity\",\"valerie bryson\",\"economic stimulus appropriations act of 1977\",\"franz oppenheimer\",\"kyklos\",\"digital era governance\",\"freedom\",\"nur f\\u00fcr deutsche\",\"dependent territory\",\"futarchy\",\"modern liberalism in the united states\",\"f\\u00fchrer\",\"trash doves\",\"balkanization\",\"christian corporatism\",\"starve the beast\",\"liberal conservatism\",\"anarcho-capitalism\",\"norwegian sociology canon\",\"gun control\",\"indonesian village law\",\"secession\",\"cacique\",\"commentary on palestine: peace not apartheid\",\"catonism\",\"free migration\",\"national conservatism\",\"regional hegemony\",\"technoliberalism\",\"neoauthoritarianism (china)\",\"philosophy of max stirner\",\"duality of structure\",\"list of enlightened despots\",\"give peace a chance\",\"appeasement\",\"a call to action: women, religion, violence, and power\",\"corporate statism\",\"synarchism\",\"indian political philosophy\",\"far-right politics\",\"legalism (chinese philosophy)\",\"zombie liberalism\",\"party system\",\"blood and soil\",\"e-government\",\"populism\",\"constitutionalism\",\"cyberocracy\",\"peace through strength\",\"electronic authentication\",\"antemurale myth\",\"pippa norris\",\"neo-nationalism\",\"criticism of the federal reserve\",\"social situation in the french suburbs\",\"leipzig school (sociology)\",\"dictablanda\",\"basket of deplorables\",\"social rights (social contract theory)\",\"fiscal policy of the united states\",\"economic nationalism\",\"autonomous communities administration\",\"responsibility to protect\",\"proprietary community\",\"conflict resolution research\",\"christian fascism\",\"bryan caplan\",\"national forum (georgia)\",\"hannah arendt institute for totalitarianism studies\",\"totalitarianism\",\"soft despotism\",\"non-interventionism\",\"hardline\",\"nancy program\",\"ministry of magic\",\"authoritarian democracy\",\"conservative liberalism\",\"cleavage (politics)\",\"party platform\",\"swiss neutrality\",\"antimilitarism\",\"international peacekeeping\",\"right-wing politics\",\"ethnarch\",\"catherine eschle\",\"comparative politics\",\"global justice movement\",\"liberal social movement (portugal)\",\"horseshoe theory\",\"high and low politics\",\"corporate republic\",\"home rule\",\"biology and political orientation\",\"third way\",\"peace and conflict studies\",\"fourteen words\",\"statism\",\"autonomous administrative division\",\"titicut follies\",\"kinder, k\\u00fcche, kirche\",\"successor ideology\"],\"node_colour\":[\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#5BC862\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#440154\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#5BC862\",\"#440154\",\"#3B518A\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#FDE724\",\"#208F8C\",\"#208F8C\"],\"node_sizes\":[4.25,0.5,3.75,2.5,0.5,3.25,4.25,9.0,1.75,0.25,0.25,0.25,0.75,0.25,1.0,0.75,14.0,0.25,1.0,3.0,0.25,1.75,0.25,1.25,0.75,2.0,1.0,0.25,0.25,0.75,4.5,1.75,0.25,4.5,0.75,2.0,5.75,1.25,0.5,3.5,2.5,1.25,5.0,6.5,0.25,4.75,4.0,4.25,0.25,1.0,2.5,0.25,0.25,0.25,0.25,4.25,5.5,1.5,3.25,1.0,6.5,0.25,0.25,0.25,0.25,4.75,2.25,1.25,2.0,2.0,2.25,1.0,0.25,3.25,0.5,9.25,2.0,2.25,0.5,3.0,4.0,3.25,1.25,5.25,0.25,0.75,0.25,5.5,0.75,4.75,0.25,2.5,1.25,0.25,8.75,0.25,7.25,0.25,1.0,0.25,3.75,5.0,1.75,0.5,0.25,0.25,0.25,3.5,2.75,2.25,4.75,0.25,0.5,0.75,0.25,2.0,1.5,9.5,0.25,0.75,0.25,0.75,1.0,0.75,0.5,7.5,1.5,5.75,1.75,2.75,2.0,1.0,1.75,0.75,0.25,5.75,8.0,0.25,1.25,0.25,2.75,0.75,0.25,0.5,3.25,3.75,0.5,1.25,1.5,1.25,0.25,0.25,1.5,2.25,0.5,0.75,1.5,0.25,6.0,2.5,1.5,3.25,3.25,3.75,8.0,5.5,2.25,0.25,0.25,1.0,0.5,4.75,0.25,0.5,0.25,3.25,1.5,0.25,0.75,2.25,0.25,0.5,0.25,0.5,3.25,4.25,0.25,1.25,13.75,3.25,5.75,5.0,0.25,0.75,6.0,4.25,0.75,0.75,0.25,3.75,0.25,7.75,0.5,0.25,3.25,3.25,0.25,4.25,0.75,5.25,1.25,4.5,10.5,2.0,1.75,7.0,1.25,0.25,0.25,0.25],\"parent\":[\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"anthropology\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"sociology\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"anthropology\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"anthropology\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"economics\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"anthropology\",\"economics\",\"sociology\",\"sociology\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"psychology\",\"political_science\",\"political_science\"]},\"selected\":{\"id\":\"4003\"},\"selection_policy\":{\"id\":\"4002\"}},\"id\":\"3185\",\"type\":\"ColumnDataSource\"},{\"attributes\":{\"edge_renderer\":{\"id\":\"3190\"},\"inspection_policy\":{\"id\":\"3956\"},\"layout_provider\":{\"id\":\"3196\"},\"node_renderer\":{\"id\":\"3186\"},\"selection_policy\":{\"id\":\"3957\"}},\"id\":\"3183\",\"type\":\"GraphRenderer\"},{\"attributes\":{\"line_alpha\":{\"value\":0.8},\"line_width\":{\"value\":0.1}},\"id\":\"3214\",\"type\":\"MultiLine\"},{\"attributes\":{\"source\":{\"id\":\"3255\"}},\"id\":\"3257\",\"type\":\"CDSView\"},{\"attributes\":{},\"id\":\"3978\",\"type\":\"BasicTickFormatter\"},{\"attributes\":{\"data_source\":{\"id\":\"3189\"},\"glyph\":{\"id\":\"3214\"},\"hover_glyph\":null,\"muted_glyph\":null,\"view\":{\"id\":\"3191\"}},\"id\":\"3190\",\"type\":\"GlyphRenderer\"},{\"attributes\":{\"source\":{\"id\":\"3317\"}},\"id\":\"3319\",\"type\":\"CDSView\"},{\"attributes\":{},\"id\":\"4008\",\"type\":\"UnionRenderers\"},{\"attributes\":{},\"id\":\"3947\",\"type\":\"Title\"},{\"attributes\":{},\"id\":\"4009\",\"type\":\"Selection\"},{\"attributes\":{},\"id\":\"3170\",\"type\":\"PanTool\"},{\"attributes\":{\"line_alpha\":{\"value\":0.8},\"line_width\":{\"value\":0.1}},\"id\":\"3346\",\"type\":\"MultiLine\"},{\"attributes\":{},\"id\":\"3226\",\"type\":\"LinearScale\"},{\"attributes\":{\"axis\":{\"id\":\"3162\"},\"grid_line_color\":null,\"ticker\":null},\"id\":\"3165\",\"type\":\"Grid\"},{\"attributes\":{},\"id\":\"3949\",\"type\":\"Title\"},{\"attributes\":{},\"id\":\"4010\",\"type\":\"UnionRenderers\"},{\"attributes\":{\"text\":\"['right', 'liberal', 'government', 'state', 'power']\",\"text_font_style\":\"italic\"},\"id\":\"3181\",\"type\":\"Title\"},{\"attributes\":{\"callback\":null,\"tooltips\":[[\"Page\",\"@index\"],[\"Discipline\",\"@parent\"]]},\"id\":\"3240\",\"type\":\"HoverTool\"},{\"attributes\":{},\"id\":\"3229\",\"type\":\"BasicTicker\"},{\"attributes\":{},\"id\":\"4011\",\"type\":\"Selection\"},{\"attributes\":{\"formatter\":{\"id\":\"3962\"},\"major_label_policy\":{\"id\":\"3964\"},\"ticker\":{\"id\":\"3167\"},\"visible\":false},\"id\":\"3166\",\"type\":\"LinearAxis\"},{\"attributes\":{\"data\":{\"end\":[\"ideology\",\"astrology\",\"mediumship\",\"blink: the power of thinking without thinking\",\"propaganda\",\"psychological trauma\",\"asch conformity experiments\",\"blacklisting\",\"brainwashing\",\"peer pressure\",\"communal reinforcement\",\"shock value\",\"people power\",\"emotional abuse\",\"destabilisation\",\"social dominance orientation\",\"ideology\",\"slavery\",\"peer pressure\",\"echo chamber (media)\",\"social reality\",\"self-defeating prophecy\",\"collective effervescence\",\"social actions\",\"ideology\",\"blue labour\",\"independent labour publications\",\"propaganda\",\"urban legend\",\"rumor\",\"campaign finance\",\"voting rights in the united states\",\"one man, one vote\",\"post-truth politics\",\"party political broadcast\",\"gevald campaign\",\"campaign finance\",\"voting rights in the united states\",\"slogan\",\"keep indy indie\",\"propaganda\",\"influence of mass media\",\"opinion leadership\",\"elihu katz\",\"propaganda\",\"maddaddam\",\"slavery\",\"civic political culture\",\"parochial political culture\",\"red wall (us politics)\",\"urban legend\",\"brainwashing\",\"communal reinforcement\",\"astrology\",\"mediumship\",\"propaganda\",\"susto\",\"auspicious wedding dates\",\"shock value\",\"urban legend\",\"history of propaganda\",\"people power\",\"transfer (propaganda)\",\"slogan\",\"media circus\",\"communal reinforcement\",\"astrology\",\"cover-up\",\"automatic writing\",\"levitation (paranormal)\",\"mediumship\",\"gustave le bon\",\"el pueblo unido jam\\u00e1s ser\\u00e1 vencido\",\"ash-shab yurid isqat an-nizam\",\"glory to hong kong\",\"the civic culture\",\"parochial political culture\",\"political culture of germany\",\"list of economics films\",\"kremlinology\",\"independent labour publications\",\"blue labour\",\"phillip blond\",\"propaganda\",\"xuanchuan\",\"contemplation\",\"ideology\",\"self-deception\",\"peter sloterdijk\",\"thumos\",\"psychological trauma\",\"auspicious wedding dates\",\"naturalistic disease theories\",\"spirituality\",\"inner peace\",\"contemplation\",\"the castle (novel)\",\"slavery\",\"national average salary\",\"gold-collar worker\",\"ideology\",\"slavery\",\"propaganda\",\"asch conformity experiments\",\"brainwashing\",\"echo chamber (media)\",\"social reality\",\"collective effervescence\",\"people power\",\"communal reinforcement\",\"shock value\",\"ideology\",\"slavery\",\"echo chamber (media)\",\"social reality\",\"self-deception\",\"spirituality\",\"west pride\",\"filter bubble\",\"propaganda\",\"asch conformity experiments\",\"brainwashing\",\"echo chamber (media)\",\"people power\",\"shock value\",\"astrology\",\"automatic writing\",\"levitation (paranormal)\",\"mediumship\",\"psychological trauma\",\"brainwashing\",\"destabilisation\",\"social dominance orientation\",\"psychological trauma\",\"asch conformity experiments\",\"destabilisation\",\"frustration\\u2013aggression hypothesis\",\"implicit-association test\",\"they shall not pass\",\"spirituality\",\"unitarian universalism\",\"slogan\",\"propaganda\",\"la borde clinic\",\"psychological trauma\",\"propaganda\",\"spirituality\",\"history of propaganda\",\"demonizing the enemy\",\"gish gallop\",\"slogan\",\"lesser of two evils principle\",\"cover-up\",\"obscurantism\",\"slavery\",\"west pride\",\"solitary confinement\",\"slogan\",\"voting rights in the united states\",\"media circus\",\"psychological trauma\",\"koestler parapsychology unit\",\"ideology\",\"slavery\",\"echo chamber (media)\",\"social reality\",\"social actions\",\"brainwashing\",\"astrology\",\"out-of-body experience\",\"mediumship\",\"koestler parapsychology unit\",\"richard wiseman\",\"propaganda\",\"asch conformity experiments\",\"blink: the power of thinking without thinking\",\"spirituality\",\"brainwashing\",\"astrology\",\"out-of-body experience\",\"mediumship\",\"koestler parapsychology unit\",\"propaganda\",\"history of propaganda\",\"gustave le bon\",\"influence of mass media\",\"elihu katz\",\"echo chamber (media)\",\"propaganda\",\"cover-up\",\"spirituality\",\"brainwashing\",\"astrology\",\"out-of-body experience\",\"koestler parapsychology unit\",\"richard wiseman\",\"mediumship\",\"ideology\",\"filter bubble\",\"propaganda\",\"post-truth politics\",\"counterpropaganda\",\"destabilisation\",\"political culture of germany\",\"social organization\",\"propaganda\",\"ideocracy\",\"propaganda\",\"might makes right\",\"ideology\",\"slavery\",\"echo chamber (media)\",\"post-truth politics\",\"propaganda\",\"counterpropaganda\",\"social reality\",\"ipse dixit\",\"argument from authority\",\"ideology\",\"psychological trauma\",\"brainwashing\",\"propaganda\",\"brainwashing\",\"slavery\",\"gold-collar worker\",\"dang guo\",\"propaganda\",\"third-person effect\",\"media circus\",\"echo chamber (media)\",\"elihu katz\",\"asch conformity experiments\",\"ipse dixit\",\"argument from authority\",\"propaganda\",\"propaganda\",\"slogan\",\"propaganda\",\"asch conformity experiments\",\"brainwashing\",\"shock value\",\"slavery\",\"brainwashing\",\"solitary confinement\",\"ideology\",\"slavery\",\"echo chamber (media)\",\"social reality\",\"ideology\",\"slavery\",\"propaganda\",\"history of propaganda\",\"post-truth politics\",\"counterpropaganda\",\"demonizing the enemy\",\"gish gallop\",\"slogan\",\"brainwashing\",\"asch conformity experiments\",\"shock value\",\"political socialization\",\"echo chamber (media)\",\"social reality\",\"media circus\",\"proposed national unification promotion law\",\"prague conference\",\"dang guo\",\"karl schwedler\",\"corporate anniversary\",\"international convention concerning the use of broadcasting in the cause of peace\",\"xuanchuan\",\"who moved my cheese?\",\"slavery\",\"slavery\",\"astrology\",\"early social changes under islam\",\"vaticanology\",\"kremlinology\",\"slavery\",\"asch conformity experiments\",\"ideology\",\"ideology\",\"slavery\",\"brainwashing\",\"echo chamber (media)\",\"collective effervescence\",\"unitarian universalism\",\"heide g\\u00f6ttner-abendroth\",\"inner peace\",\"unitarian universalism\",\"astrology\",\"ideology\",\"out-of-body experience\",\"richard wiseman\",\"slavery\",\"asch conformity experiments\",\"brainwashing\",\"frustration\\u2013aggression hypothesis\",\"demonizing the enemy\",\"gish gallop\",\"slogan\",\"lesser of two evils principle\",\"history of propaganda\",\"slogan\",\"gish gallop\",\"ideology\",\"slavery\",\"brainwashing\",\"elihu katz\",\"collective effervescence\",\"unitarian universalism\",\"slogan\",\"ideology\",\"ipse dixit\",\"slavery\",\"black tax\",\"ideology\",\"voter turnout\",\"social death\",\"black tax\",\"slavery\",\"brainwashing\",\"collective effervescence\",\"unitarian universalism\",\"we shall overcome\",\"early social changes under islam\",\"gold-collar worker\",\"history of propaganda\",\"gish gallop\",\"slogan\",\"fukoku ky\\u014dhei\",\"keep indy indie\",\"history of propaganda\",\"xuanchuan\",\"international convention concerning the use of broadcasting in the cause of peace\",\"history of propaganda\",\"astrology\",\"inner peace\",\"we shall overcome\",\"glory to ukraine\",\"glory to hong kong\",\"proposed national unification promotion law\",\"ideology\",\"brainwashing\",\"astrology\",\"experimental political science\",\"tactical voting\",\"voter turnout\",\"voting rights in the united states\",\"tactical voting\",\"ideology\",\"ideology\",\"might makes right\",\"ideology\",\"ideology\",\"collective effervescence\",\"unitarian universalism\",\"social organization\",\"collective effervescence\",\"astrology\",\"post-truth politics\",\"post-truth politics\",\"out-of-body experience\",\"kremlinology\",\"astrology\",\"phillip blond\",\"voting rights in the united states\",\"united nations office on drugs and crime\"],\"start\":[\"the reformation in economics\",\"biorhythm (pseudoscience)\",\"biorhythm (pseudoscience)\",\"adaptive unconscious\",\"blacklisting\",\"blacklisting\",\"blacklisting\",\"blacklisting\",\"blacklisting\",\"blacklisting\",\"blacklisting\",\"blacklisting\",\"blacklisting\",\"blacklisting\",\"blacklisting\",\"blacklisting\",\"abilene paradox\",\"abilene paradox\",\"abilene paradox\",\"abilene paradox\",\"abilene paradox\",\"abilene paradox\",\"group action (sociology)\",\"group action (sociology)\",\"socialist campaign group\",\"socialist campaign group\",\"socialist campaign group\",\"rumor\",\"rumor\",\"rumor\",\"timeline of voting rights in the united states\",\"timeline of voting rights in the united states\",\"timeline of voting rights in the united states\",\"campaign finance\",\"campaign finance\",\"campaign finance\",\"campaign finance\",\"campaign finance\",\"we don't coast\",\"we don't coast\",\"music and political warfare\",\"hypodermic needle model\",\"hypodermic needle model\",\"hypodermic needle model\",\"oryx and crake\",\"oryx and crake\",\"political culture of the united states\",\"political culture of the united states\",\"political culture of the united states\",\"political culture of the united states\",\"lady wonder\",\"lady wonder\",\"lady wonder\",\"lady wonder\",\"lady wonder\",\"urban legend\",\"urban legend\",\"urban legend\",\"urban legend\",\"urban legend\",\"urban legend\",\"urban legend\",\"urban legend\",\"urban legend\",\"urban legend\",\"urban legend\",\"urban legend\",\"urban legend\",\"urban legend\",\"urban legend\",\"urban legend\",\"society of anthropology of paris\",\"el pueblo unido jam\\u00e1s ser\\u00e1 vencido\",\"el pueblo unido jam\\u00e1s ser\\u00e1 vencido\",\"el pueblo unido jam\\u00e1s ser\\u00e1 vencido\",\"civic political culture\",\"civic political culture\",\"civic political culture\",\"debtocracy\",\"china watcher\",\"blue labour\",\"blue labour\",\"blue labour\",\"overview of 21st-century propaganda\",\"overview of 21st-century propaganda\",\"apprehension (understanding)\",\"peter sloterdijk\",\"peter sloterdijk\",\"peter sloterdijk\",\"peter sloterdijk\",\"susto\",\"susto\",\"susto\",\"contemplation\",\"contemplation\",\"contemplation\",\"contemplation\",\"discouraged worker\",\"discouraged worker\",\"discouraged worker\",\"peer pressure\",\"peer pressure\",\"peer pressure\",\"peer pressure\",\"peer pressure\",\"peer pressure\",\"peer pressure\",\"peer pressure\",\"peer pressure\",\"peer pressure\",\"peer pressure\",\"self-deception\",\"self-deception\",\"self-deception\",\"self-deception\",\"self-deception\",\"museum of world culture\",\"museum of world culture\",\"communal reinforcement\",\"communal reinforcement\",\"communal reinforcement\",\"communal reinforcement\",\"communal reinforcement\",\"communal reinforcement\",\"communal reinforcement\",\"communal reinforcement\",\"communal reinforcement\",\"communal reinforcement\",\"communal reinforcement\",\"emotional abuse\",\"emotional abuse\",\"emotional abuse\",\"emotional abuse\",\"social dominance orientation\",\"social dominance orientation\",\"social dominance orientation\",\"social dominance orientation\",\"social dominance orientation\",\"molon labe\",\"religious literacy\",\"religious literacy\",\"free newfoundland\",\"reterritorialization\",\"reterritorialization\",\"waking the tiger\",\"obscurantism\",\"obscurantism\",\"obscurantism\",\"obscurantism\",\"obscurantism\",\"obscurantism\",\"obscurantism\",\"obscurantism\",\"obscurantism\",\"this machine kills fascists\",\"west pride\",\"enterprise theory\",\"one man, one vote\",\"one man, one vote\",\"publicity stunt\",\"internal family systems model\",\"ogilvie professor of human geography\",\"social actions\",\"social actions\",\"social actions\",\"social actions\",\"social actions\",\"automatic writing\",\"automatic writing\",\"automatic writing\",\"automatic writing\",\"automatic writing\",\"automatic writing\",\"songun\",\"implicit-association test\",\"implicit-association test\",\"levitation (paranormal)\",\"levitation (paranormal)\",\"levitation (paranormal)\",\"levitation (paranormal)\",\"levitation (paranormal)\",\"levitation (paranormal)\",\"gustave le bon\",\"gustave le bon\",\"gustave le bon\",\"opinion leadership\",\"opinion leadership\",\"opinion leadership\",\"cover-up\",\"cover-up\",\"mediumship\",\"mediumship\",\"mediumship\",\"mediumship\",\"mediumship\",\"mediumship\",\"mediumship\",\"national agrarian party\",\"strategy of tension\",\"strategy of tension\",\"strategy of tension\",\"strategy of tension\",\"strategy of tension\",\"parochial political culture\",\"blau space\",\"all animals are equal, but some animals are more equal than others\",\"all animals are equal, but some animals are more equal than others\",\"law of the jungle\",\"law of the jungle\",\"filter bubble\",\"filter bubble\",\"filter bubble\",\"filter bubble\",\"filter bubble\",\"filter bubble\",\"filter bubble\",\"island mentality\",\"island mentality\",\"ideocracy\",\"destabilisation\",\"destabilisation\",\"reality distortion field\",\"reality distortion field\",\"national average salary\",\"national average salary\",\"party-state capitalism\",\"influence of mass media\",\"influence of mass media\",\"influence of mass media\",\"influence of mass media\",\"influence of mass media\",\"argument from authority\",\"argument from authority\",\"argument from authority\",\"third-person effect\",\"transfer (propaganda)\",\"tiocfaidh \\u00e1r l\\u00e1\",\"people power\",\"people power\",\"people power\",\"people power\",\"solitary confinement\",\"solitary confinement\",\"solitary confinement\",\"identity (philosophy)\",\"identity (philosophy)\",\"identity (philosophy)\",\"identity (philosophy)\",\"propaganda\",\"propaganda\",\"propaganda\",\"propaganda\",\"propaganda\",\"propaganda\",\"propaganda\",\"propaganda\",\"propaganda\",\"propaganda\",\"propaganda\",\"propaganda\",\"propaganda\",\"propaganda\",\"propaganda\",\"propaganda\",\"propaganda\",\"propaganda\",\"propaganda\",\"propaganda\",\"propaganda\",\"propaganda\",\"propaganda\",\"propaganda\",\"lectures on jurisprudence\",\"islam and children\",\"islam and children\",\"islam and children\",\"vaticanology\",\"vaticanology\",\"list of economics films\",\"shock value\",\"public affairs quarterly\",\"social reality\",\"social reality\",\"social reality\",\"social reality\",\"social reality\",\"social reality\",\"spirituality\",\"spirituality\",\"spirituality\",\"spirituality\",\"political socialization\",\"richard wiseman\",\"richard wiseman\",\"civilizing the economy\",\"asch conformity experiments\",\"asch conformity experiments\",\"asch conformity experiments\",\"lesser of two evils principle\",\"lesser of two evils principle\",\"lesser of two evils principle\",\"lesser of two evils principle\",\"demonizing the enemy\",\"demonizing the enemy\",\"demonizing the enemy\",\"echo chamber (media)\",\"echo chamber (media)\",\"echo chamber (media)\",\"echo chamber (media)\",\"echo chamber (media)\",\"echo chamber (media)\",\"they shall not pass\",\"contest mobility\",\"ipse dixit\",\"person of color\",\"person of color\",\"slavery\",\"slavery\",\"slavery\",\"slavery\",\"slavery\",\"slavery\",\"slavery\",\"slavery\",\"slavery\",\"slavery\",\"slavery\",\"slogan\",\"slogan\",\"slogan\",\"slogan\",\"slogan\",\"gish gallop\",\"history of propaganda\",\"history of propaganda\",\"history of propaganda\",\"inner peace\",\"inner peace\",\"glory to hong kong\",\"glory to hong kong\",\"glory to hong kong\",\"dang guo\",\"brainwashing\",\"brainwashing\",\"brainwashing\",\"voter turnout\",\"voter turnout\",\"voter turnout\",\"voter turnout\",\"experimental political science\",\"jamiat-e islami\",\"male state\",\"might makes right\",\"deviationism\",\"ideology\",\"ideology\",\"ideology\",\"social organization\",\"social organization\",\"early social changes under islam\",\"counterpropaganda\",\"gevald campaign\",\"koestler parapsychology unit\",\"astrology\",\"astrology\",\"phillip blond\",\"tactical voting\",\"voting rights in the united states\"]},\"selected\":{\"id\":\"4009\"},\"selection_policy\":{\"id\":\"4008\"}},\"id\":\"3321\",\"type\":\"ColumnDataSource\"},{\"attributes\":{},\"id\":\"3951\",\"type\":\"Title\"},{\"attributes\":{\"data\":{\"alpha\":[0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75],\"depth\":[2,2,2,1,2,1,2,2,2,2,2,2,1,2,1,2,1,1,2,1,2,1,2,1,1,1,0,1,2,2,2,2,1,2,1,2,2,1,2,0,2,2,2,2,1,2,2,2,1,1,1,2,2,2,2,1,1,2,2,2,1,1,1,2,1,1,2,2,1,1,2,1,1,1,2,1,2,2,2,1,1,2,1,2,2,1,1,2,2,1,1,1,2,1,2,1,2,2,2,1,2,2,1,1,2,1,2,1,1,2,2,2,1,1,2,2,1,2,1,1,1,2,2,0,1,2,1,1,2,2,2,2,1,1,2,2,1,2,2,2,1,2,1,2,2,2,2,1,2,2,1,1,2,2,2,2,2,2,1,1,2],\"index\":[\"the reformation in economics\",\"biorhythm (pseudoscience)\",\"adaptive unconscious\",\"blacklisting\",\"abilene paradox\",\"group action (sociology)\",\"socialist campaign group\",\"rumor\",\"timeline of voting rights in the united states\",\"campaign finance\",\"we don't coast\",\"music and political warfare\",\"hypodermic needle model\",\"oryx and crake\",\"political culture of the united states\",\"lady wonder\",\"urban legend\",\"society of anthropology of paris\",\"el pueblo unido jam\\u00e1s ser\\u00e1 vencido\",\"civic political culture\",\"debtocracy\",\"china watcher\",\"blue labour\",\"overview of 21st-century propaganda\",\"apprehension (understanding)\",\"peter sloterdijk\",\"susto\",\"contemplation\",\"discouraged worker\",\"peer pressure\",\"self-deception\",\"ash-shab yurid isqat an-nizam\",\"museum of world culture\",\"communal reinforcement\",\"emotional abuse\",\"social dominance orientation\",\"molon labe\",\"religious literacy\",\"free newfoundland\",\"reterritorialization\",\"waking the tiger\",\"obscurantism\",\"this machine kills fascists\",\"west pride\",\"enterprise theory\",\"one man, one vote\",\"the castle (novel)\",\"publicity stunt\",\"internal family systems model\",\"ogilvie professor of human geography\",\"social actions\",\"automatic writing\",\"songun\",\"implicit-association test\",\"levitation (paranormal)\",\"gustave le bon\",\"opinion leadership\",\"cover-up\",\"mediumship\",\"national agrarian party\",\"strategy of tension\",\"parochial political culture\",\"blau space\",\"all animals are equal, but some animals are more equal than others\",\"law of the jungle\",\"filter bubble\",\"independent labour publications\",\"la borde clinic\",\"island mentality\",\"party political broadcast\",\"ideocracy\",\"destabilisation\",\"reality distortion field\",\"national average salary\",\"party-state capitalism\",\"influence of mass media\",\"argument from authority\",\"blink: the power of thinking without thinking\",\"third-person effect\",\"political culture of germany\",\"transfer (propaganda)\",\"tiocfaidh \\u00e1r l\\u00e1\",\"people power\",\"solitary confinement\",\"maddaddam\",\"identity (philosophy)\",\"propaganda\",\"lectures on jurisprudence\",\"islam and children\",\"vaticanology\",\"list of economics films\",\"shock value\",\"public affairs quarterly\",\"social reality\",\"spirituality\",\"political socialization\",\"richard wiseman\",\"media circus\",\"civilizing the economy\",\"asch conformity experiments\",\"lesser of two evils principle\",\"demonizing the enemy\",\"auspicious wedding dates\",\"echo chamber (media)\",\"they shall not pass\",\"contest mobility\",\"ipse dixit\",\"person of color\",\"slavery\",\"slogan\",\"gish gallop\",\"self-defeating prophecy\",\"history of propaganda\",\"inner peace\",\"glory to hong kong\",\"xuanchuan\",\"the civic culture\",\"dang guo\",\"brainwashing\",\"naturalistic disease theories\",\"frustration\\u2013aggression hypothesis\",\"fukoku ky\\u014dhei\",\"red wall (us politics)\",\"voter turnout\",\"experimental political science\",\"jamiat-e islami\",\"black tax\",\"male state\",\"might makes right\",\"psychological trauma\",\"karl schwedler\",\"glory to ukraine\",\"deviationism\",\"ideology\",\"we shall overcome\",\"corporate anniversary\",\"social organization\",\"early social changes under islam\",\"counterpropaganda\",\"gevald campaign\",\"social death\",\"unitarian universalism\",\"koestler parapsychology unit\",\"astrology\",\"gold-collar worker\",\"who moved my cheese?\",\"keep indy indie\",\"thumos\",\"international convention concerning the use of broadcasting in the cause of peace\",\"phillip blond\",\"collective effervescence\",\"kremlinology\",\"tactical voting\",\"elihu katz\",\"out-of-body experience\",\"voting rights in the united states\",\"proposed national unification promotion law\",\"prague conference\",\"post-truth politics\",\"heide g\\u00f6ttner-abendroth\",\"united nations office on drugs and crime\"],\"node_colour\":[\"#440154\",\"#FDE724\",\"#FDE724\",\"#3B518A\",\"#FDE724\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#FDE724\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#FDE724\",\"#5BC862\",\"#5BC862\",\"#FDE724\",\"#440154\",\"#3B518A\",\"#FDE724\",\"#208F8C\",\"#5BC862\",\"#3B518A\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#5BC862\",\"#FDE724\",\"#3B518A\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#FDE724\",\"#5BC862\",\"#3B518A\",\"#FDE724\",\"#440154\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#FDE724\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#FDE724\",\"#3B518A\",\"#440154\",\"#440154\",\"#208F8C\",\"#3B518A\",\"#FDE724\",\"#208F8C\",\"#208F8C\",\"#FDE724\",\"#208F8C\",\"#3B518A\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#FDE724\",\"#208F8C\",\"#3B518A\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#208F8C\",\"#440154\",\"#FDE724\",\"#208F8C\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#FDE724\",\"#5BC862\",\"#FDE724\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#5BC862\",\"#208F8C\",\"#FDE724\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#440154\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#FDE724\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#5BC862\",\"#208F8C\"],\"node_sizes\":[0.25,0.5,0.25,3.25,1.5,0.5,0.75,1.0,0.75,1.75,0.5,0.25,0.75,0.5,1.0,1.25,4.75,0.25,1.0,1.0,0.25,0.25,1.25,0.5,0.25,1.25,1.0,1.5,0.75,3.25,1.75,0.25,0.5,3.75,1.25,1.75,0.25,0.5,0.25,0.5,0.25,2.5,0.25,0.75,0.25,0.75,0.25,0.25,0.25,0.25,1.75,2.0,0.25,0.75,2.0,1.25,1.0,1.25,3.5,0.25,1.25,0.75,0.25,0.5,0.5,2.25,0.5,0.25,0.5,0.25,0.5,1.5,0.5,0.75,0.25,1.75,1.25,0.5,0.5,0.5,0.5,0.25,2.0,1.25,0.25,1.0,11.75,0.25,0.75,0.75,0.5,1.75,0.25,3.25,2.5,0.5,1.25,1.0,0.25,3.25,1.5,1.5,0.5,4.25,0.5,0.25,1.0,0.5,7.75,4.0,1.5,0.25,2.75,1.25,1.25,0.75,0.25,0.75,5.25,0.25,0.5,0.25,0.25,1.5,0.5,0.25,0.5,0.25,0.75,1.75,0.25,0.25,0.25,6.5,0.5,0.25,1.0,0.75,1.0,0.5,0.25,1.5,1.25,3.75,0.75,0.25,0.5,0.25,0.5,0.75,1.75,0.75,0.75,1.0,1.25,1.5,0.5,0.25,1.5,0.25,0.25],\"parent\":[\"economics\",\"psychology\",\"psychology\",\"sociology\",\"psychology\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"psychology\",\"political_science\",\"anthropology\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"psychology\",\"anthropology\",\"anthropology\",\"psychology\",\"economics\",\"sociology\",\"psychology\",\"political_science\",\"anthropology\",\"sociology\",\"psychology\",\"psychology\",\"political_science\",\"sociology\",\"political_science\",\"anthropology\",\"psychology\",\"sociology\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"psychology\",\"anthropology\",\"sociology\",\"psychology\",\"economics\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"psychology\",\"psychology\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"psychology\",\"sociology\",\"political_science\",\"political_science\",\"psychology\",\"sociology\",\"economics\",\"economics\",\"political_science\",\"sociology\",\"psychology\",\"political_science\",\"political_science\",\"psychology\",\"political_science\",\"sociology\",\"psychology\",\"political_science\",\"psychology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"psychology\",\"political_science\",\"sociology\",\"psychology\",\"political_science\",\"psychology\",\"political_science\",\"economics\",\"psychology\",\"political_science\",\"political_science\",\"anthropology\",\"political_science\",\"political_science\",\"sociology\",\"sociology\",\"sociology\",\"anthropology\",\"political_science\",\"political_science\",\"psychology\",\"political_science\",\"psychology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"psychology\",\"anthropology\",\"psychology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"anthropology\",\"political_science\",\"psychology\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"psychology\",\"psychology\",\"psychology\",\"economics\",\"psychology\",\"political_science\",\"psychology\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"sociology\",\"psychology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"anthropology\",\"political_science\"]},\"selected\":{\"id\":\"4011\"},\"selection_policy\":{\"id\":\"4010\"}},\"id\":\"3317\",\"type\":\"ColumnDataSource\"},{\"attributes\":{},\"id\":\"3167\",\"type\":\"BasicTicker\"},{\"attributes\":{\"active_multi\":null,\"active_scroll\":{\"id\":\"3237\"},\"tools\":[{\"id\":\"3236\"},{\"id\":\"3237\"},{\"id\":\"3238\"},{\"id\":\"3239\"},{\"id\":\"3240\"}]},\"id\":\"3241\",\"type\":\"Toolbar\"},{\"attributes\":{\"graph_layout\":{\"an anarchist faq\":[142.21764859780572,5.520446625078589],\"aromanian question\":[145.051882559211,103.24407681696125],\"barracks communism\":[-22.039415819263855,53.65559512992831],\"base and superstructure\":[29.063414116139473,73.51353394742183],\"bevanism\":[-29.551330845302992,20.51925594378903],\"biblical patriarchy\":[165.2998904386681,-155.74243560017527],\"bibliography of works about communism\":[30.455547910460464,38.642987923848196],\"blanquism\":[69.34358111943868,-50.88256594273564],\"brandalism\":[174.95723190299998,0.7400950758894765],\"capital (marxism)\":[78.31908308955175,137.82598368175329],\"christian communism\":[86.68903342983037,-14.86187500730618],\"christian egalitarianism\":[138.66143515738887,-120.24372312783721],\"civilian-based defense\":[-60.155579915467534,-38.111062756564266],\"class traitor\":[-30.451085824568633,5.617241539105383],\"commanding heights of the economy\":[-36.97391150645275,44.30695273516394],\"communism and lgbt rights\":[8.987063294153046,38.138681604371975],\"communist correspondence committee\":[107.47162839892718,41.289124997945365],\"communist era\":[86.76268450717201,52.48509228892568],\"communist front\":[-61.929002153403175,14.140409466639456],\"comunismo a la tica\":[87.08713681880157,71.07944931694995],\"concession (contract)\":[163.35854171438038,77.36571234544748],\"consensus democracy\":[128.18846701722646,-17.260260522596333],\"crimes against humanity under communist regimes\":[96.29051384705814,57.69638451172841],\"criticism of capitalism\":[56.60112427706422,-26.95148193192576],\"crypto-communism\":[95.93061022959668,68.19416888579177],\"daphne dorman\":[168.28992007150958,62.910984600563346],\"democratic capitalism\":[-3.410291298503545,-68.29975257251235],\"democratic marxism\":[-28.045196495998468,7.17488751697337],\"dictatorship of the proletariat\":[13.891110903811335,15.022297385104242],\"dizzy with success\":[-79.41360033746545,-27.280684471333053],\"domestic trade\":[-90.77520319856313,56.07371768295354],\"eastern bloc\":[-40.60760094971431,-21.72547968434285],\"economic mobility\":[14.59904725136915,-119.83668674455213],\"ed miliband bacon sandwich photograph\":[318.1003932927556,49.011016100928465],\"edinburgh university socialist society\":[74.41071005166258,-32.678885500975646],\"enemy of the people\":[-12.94333383858999,83.34944863847494],\"enemy of the people (albania)\":[-9.242621617012343,58.291148334381234],\"equal opportunity\":[56.860514097255574,-85.56185890182152],\"equality of outcome\":[80.12237032079193,-97.71772373966705],\"ethical socialism\":[83.59893612555884,-49.67929766693817],\"evolutionary studies institute\":[157.76634021112022,81.05479107899919],\"fallen woman\":[161.14166492236944,-158.7277742558968],\"foreclosure rescue\":[166.49841993896015,70.71852381357081],\"frankfurt declaration\":[118.633402183686,-46.77196260138687],\"gar alperovitz\":[-51.81060248470459,-69.8605573200353],\"google finance\":[166.4182669181186,81.46471701875348],\"great gatsby curve\":[25.263119496540327,-140.20090732239893],\"harvard institute of politics\":[-84.55649921944438,-92.8812534318129],\"he who does not work, neither shall he eat\":[160.47525112039537,-33.63109243975836],\"history of communism\":[73.47689172484282,20.146983890277614],\"history of democratic socialism\":[55.05688473497283,-45.69618226338238],\"history of social democracy\":[31.8407039264117,-31.369684269588202],\"housing affordability index\":[181.96886127397534,72.34395424328764],\"industrial democracy\":[110.27860112051927,-62.53193249896866],\"international workers' day\":[-93.63410797780021,-35.879780639012125],\"ithaca hours\":[107.07766119508062,-133.26146924193128],\"john roemer\":[-1.709599732520567,10.567306492263203],\"jurisprudence of concepts\":[94.00453698214172,116.17089947119526],\"labour voucher\":[95.8613336601366,-90.25608798555959],\"land consolidation\":[-75.76867219374063,-33.20217878426142],\"left communism\":[100.65282561506649,6.14472483442237],\"left-wing politics\":[56.16102721315685,14.310135270862709],\"legal naturalism\":[78.30348453756147,76.69650127379562],\"list of left-wing internationals\":[90.81401985500311,-35.05411993598451],\"list of social democratic parties\":[93.76828094488778,-67.16080298501349],\"marxist sociology\":[67.41201810835655,92.94995892258744],\"michael albert\":[133.82082709690627,-43.02741048844221],\"murfee\":[162.11303043602757,65.80955675759796],\"nanosocialism\":[72.32382629463316,-70.44153327432038],\"national communism\":[79.34098259190834,60.80636528377434],\"net national product\":[55.922346965209755,149.03199847064874],\"new left review\":[85.81944916586568,89.73553357776984],\"new social movements\":[32.9686526020292,-13.967391505199018],\"no war but the class war\":[-31.168963793495507,113.39869378091916],\"nw 39th street enclave\":[168.42316246071312,77.56445115957597],\"organization & environment\":[83.11185385127447,27.907685149375524],\"outline of anarchism\":[148.6309405847951,10.76605547607916],\"participism\":[108.97976105604573,-33.60068902385186],\"people\":[131.9677807921064,52.1667460264317],\"people's democracy (marxism\\u2013leninism)\":[-18.241847351414226,34.20670621636042],\"perestroika\":[-34.75675309271512,-48.06394752897447],\"personal life\":[284.77683295935867,43.74272656768621],\"political repression\":[1.0759625369444217,-33.344987868202324],\"popular socialism\":[68.92674046865491,-93.71377622183846],\"primitivism\":[139.73309968168712,-69.77680457151502],\"production for profit\":[9.591128611047099,88.32934846631095],\"proletarian revolution\":[40.09184210920311,5.1887304700852726],\"psychogeography\":[146.9570755271117,27.549972544931073],\"radical egalitarianism\":[120.33248846306554,-135.2668727888025],\"rat race\":[22.61377762122231,-162.99968320030985],\"real socialism\":[17.411817185262276,-4.552948193057389],\"real-world economics review\":[11.139228955817927,76.55279528777815],\"recuperation (politics)\":[159.768963492703,39.92065455465296],\"religious communism\":[88.83836800485845,36.545899093528256],\"religious socialism\":[95.59085245621336,-46.77486430128947],\"reproduction (economics)\":[35.67162609489338,108.4897532176155],\"revolutions of 1989\":[-24.116178178752183,-24.971667980456907],\"right to the city\":[100.24472346221631,133.85804030806204],\"seek truth from facts\":[-57.87100102918199,85.52017525704632],\"self-criticism\":[-42.04068097368809,62.39952936130185],\"situationist international\":[126.76677688889896,5.5477859169467685],\"social corporatism\":[110.94146682292273,-48.72392616794081],\"social imperialism\":[-11.271964447900327,70.77079808393185],\"social patriotism\":[-12.623822129531122,122.54770820157644],\"social revolution\":[64.26488402018082,46.43803262608446],\"social service review\":[198.63826294960194,93.30372281020018],\"socialist realism\":[10.708318848812443,-75.61281907055108],\"sociology of manchester\":[172.10613925663029,70.78540717698137],\"sovereignty of puerto rico during the cold war\":[-53.52163091109169,-55.5991104639546],\"summerhill (book)\":[223.0255745701951,108.36432857024383],\"surplus labour\":[22.74283259371761,54.92775143922984],\"surplus value\":[9.226239123170473,52.45986394986339],\"survey on household income and wealth\":[-6.654981936611049,-168.94995443429696],\"the journal of political philosophy\":[83.40993655164588,-151.06263931714997],\"the revolution of everyday life\":[204.88387632109934,31.528523593387163],\"the theory of interstellar trade\":[14.308353924000407,-193.79506752190107],\"triangular diplomacy\":[-46.458911463625775,-60.73984753282727],\"ucla luskin school of public affairs\":[172.69912361590238,66.39191391975089],\"university of chicago institute of politics\":[158.8633933964576,74.05267890494802],\"value product\":[51.73338750906831,92.9618556131018],\"worker cooperative\":[45.790933953265515,41.83948851402797],\"workplace democracy\":[51.2160666018074,-61.479646306679086],\"world revolution\":[50.210629921412654,78.00592937164703]}},\"id\":\"3262\",\"type\":\"StaticLayoutProvider\"},{\"attributes\":{},\"id\":\"4005\",\"type\":\"Selection\"},{\"attributes\":{},\"id\":\"3957\",\"type\":\"NodesOnly\"},{\"attributes\":{\"end\":250,\"start\":-250},\"id\":\"3220\",\"type\":\"Range1d\"},{\"attributes\":{},\"id\":\"3972\",\"type\":\"NodesOnly\"},{\"attributes\":{\"data_source\":{\"id\":\"3317\"},\"glyph\":{\"id\":\"3341\"},\"hover_glyph\":null,\"muted_glyph\":null,\"view\":{\"id\":\"3319\"}},\"id\":\"3318\",\"type\":\"GlyphRenderer\"},{\"attributes\":{\"above\":[{\"id\":\"3247\"},{\"id\":\"3248\"}],\"below\":[{\"id\":\"3228\"}],\"center\":[{\"id\":\"3231\"},{\"id\":\"3235\"}],\"height\":333,\"left\":[{\"id\":\"3232\"}],\"renderers\":[{\"id\":\"3249\"}],\"title\":{\"id\":\"3949\"},\"toolbar\":{\"id\":\"3241\"},\"width\":333,\"x_range\":{\"id\":\"3219\"},\"x_scale\":{\"id\":\"3224\"},\"y_range\":{\"id\":\"3220\"},\"y_scale\":{\"id\":\"3226\"}},\"id\":\"3221\",\"subtype\":\"Figure\",\"type\":\"Plot\"},{\"attributes\":{},\"id\":\"3967\",\"type\":\"AllLabels\"},{\"attributes\":{},\"id\":\"3988\",\"type\":\"NodesOnly\"},{\"attributes\":{\"text\":\"Community: 1\",\"text_font_size\":\"16pt\"},\"id\":\"3182\",\"type\":\"Title\"},{\"attributes\":{\"end\":250,\"start\":-250},\"id\":\"3154\",\"type\":\"Range1d\"},{\"attributes\":{},\"id\":\"3989\",\"type\":\"NodesOnly\"},{\"attributes\":{},\"id\":\"3171\",\"type\":\"WheelZoomTool\"},{\"attributes\":{},\"id\":\"3172\",\"type\":\"SaveTool\"},{\"attributes\":{},\"id\":\"3956\",\"type\":\"NodesOnly\"},{\"attributes\":{},\"id\":\"3173\",\"type\":\"ResetTool\"},{\"attributes\":{},\"id\":\"4000\",\"type\":\"UnionRenderers\"},{\"attributes\":{},\"id\":\"4001\",\"type\":\"Selection\"},{\"attributes\":{},\"id\":\"3973\",\"type\":\"NodesOnly\"},{\"attributes\":{\"callback\":null,\"tooltips\":[[\"Page\",\"@index\"],[\"Discipline\",\"@parent\"]]},\"id\":\"3306\",\"type\":\"HoverTool\"},{\"attributes\":{\"edge_renderer\":{\"id\":\"3322\"},\"inspection_policy\":{\"id\":\"3988\"},\"layout_provider\":{\"id\":\"3328\"},\"node_renderer\":{\"id\":\"3318\"},\"selection_policy\":{\"id\":\"3989\"}},\"id\":\"3315\",\"type\":\"GraphRenderer\"},{\"attributes\":{},\"id\":\"3962\",\"type\":\"BasicTickFormatter\"},{\"attributes\":{},\"id\":\"4002\",\"type\":\"UnionRenderers\"},{\"attributes\":{\"axis\":{\"id\":\"3228\"},\"grid_line_color\":null,\"ticker\":null},\"id\":\"3231\",\"type\":\"Grid\"},{\"attributes\":{},\"id\":\"3305\",\"type\":\"ResetTool\"},{\"attributes\":{},\"id\":\"3224\",\"type\":\"LinearScale\"},{\"attributes\":{},\"id\":\"3964\",\"type\":\"AllLabels\"},{\"attributes\":{\"data_source\":{\"id\":\"3321\"},\"glyph\":{\"id\":\"3346\"},\"hover_glyph\":null,\"muted_glyph\":null,\"view\":{\"id\":\"3323\"}},\"id\":\"3322\",\"type\":\"GlyphRenderer\"},{\"attributes\":{\"axis\":{\"id\":\"3166\"},\"dimension\":1,\"grid_line_color\":null,\"ticker\":null},\"id\":\"3169\",\"type\":\"Grid\"},{\"attributes\":{},\"id\":\"4003\",\"type\":\"Selection\"},{\"attributes\":{\"callback\":null,\"tooltips\":[[\"Page\",\"@index\"],[\"Discipline\",\"@parent\"]]},\"id\":\"3174\",\"type\":\"HoverTool\"},{\"attributes\":{},\"id\":\"3994\",\"type\":\"BasicTickFormatter\"},{\"attributes\":{\"formatter\":{\"id\":\"3965\"},\"major_label_policy\":{\"id\":\"3967\"},\"ticker\":{\"id\":\"3163\"},\"visible\":false},\"id\":\"3162\",\"type\":\"LinearAxis\"},{\"attributes\":{\"source\":{\"id\":\"3321\"}},\"id\":\"3323\",\"type\":\"CDSView\"},{\"attributes\":{\"text\":\"['communist', 'soviet', 'socialist', 'worker', 'labour']\",\"text_font_style\":\"italic\"},\"id\":\"3247\",\"type\":\"Title\"},{\"attributes\":{\"formatter\":{\"id\":\"3981\"},\"major_label_policy\":{\"id\":\"3983\"},\"ticker\":{\"id\":\"3229\"},\"visible\":false},\"id\":\"3228\",\"type\":\"LinearAxis\"},{\"attributes\":{\"graph_layout\":{\"abilene paradox\":[34.63880716072083,-28.23817492380601],\"adaptive unconscious\":[-14.94358367450173,193.13371172465878],\"all animals are equal, but some animals are more equal than others\":[-28.923730110566627,-43.77332129179068],\"apprehension (understanding)\":[135.60993515735072,93.98738456764937],\"argument from authority\":[-31.03473181542214,175.68459869259368],\"asch conformity experiments\":[-12.99940790203333,82.28465028744807],\"ash-shab yurid isqat an-nizam\":[272.58881023901836,-81.50763232201658],\"astrology\":[53.17399559265606,71.83484730696598],\"auspicious wedding dates\":[-67.68205278266207,91.78228542972931],\"automatic writing\":[21.830343287226135,88.44977752242482],\"biorhythm (pseudoscience)\":[62.38613194917878,92.81279759315952],\"black tax\":[97.84579366879942,-24.436249828449338],\"blacklisting\":[-22.19411030435023,70.35281167552068],\"blau space\":[113.44286439175244,-91.41290597123613],\"blink: the power of thinking without thinking\":[-16.472254892887946,176.36460692750742],\"blue labour\":[53.868709359760594,-200.54169390756988],\"brainwashing\":[17.28628576879751,38.71178715517825],\"campaign finance\":[-155.9841450255118,58.51595943707846],\"china watcher\":[118.92068421787609,129.4322361792633],\"civic political culture\":[176.03355874437457,156.8172499227448],\"civilizing the economy\":[91.36146531185744,-10.072849781239473],\"collective effervescence\":[55.98374254319955,-37.63879572470686],\"communal reinforcement\":[1.4620882374599562,51.26366789568224],\"contemplation\":[117.17633729188937,90.88777380661138],\"contest mobility\":[30.223847296376075,-75.25424444420642],\"corporate anniversary\":[-64.36711640218789,-16.828657659676114],\"counterpropaganda\":[-60.25625238846004,19.174304803606532],\"cover-up\":[-70.24490458130317,22.600522202574712],\"dang guo\":[-85.0341997492886,-44.921259485606505],\"debtocracy\":[141.3394326517284,-46.93514757239676],\"demonizing the enemy\":[-115.48203116072592,-9.456650704358404],\"destabilisation\":[-33.761881250134245,83.86350836273162],\"deviationism\":[34.98412118708947,-79.12419848022381],\"discouraged worker\":[122.08364557694188,-18.326885532001533],\"early social changes under islam\":[81.00238427377892,37.73100150385935],\"echo chamber (media)\":[13.192211501929703,-27.296061295186828],\"el pueblo unido jam\\u00e1s ser\\u00e1 vencido\":[260.32224349463286,-77.28559750719926],\"elihu katz\":[-15.39230494482203,-74.23711297099076],\"emotional abuse\":[-26.441728056072524,96.48758581758564],\"enterprise theory\":[115.71801769683427,21.191377790799795],\"experimental political science\":[-127.66597443308477,80.64991482873765],\"filter bubble\":[-11.345711860228263,-1.2079197482143462],\"free newfoundland\":[-161.93513303903637,-7.866946016972585],\"frustration\\u2013aggression hypothesis\":[-17.005827230281,116.11226505073267],\"fukoku ky\\u014dhei\":[-158.64378175609116,1.7511499129255599],\"gevald campaign\":[-133.31272248816467,51.135946176104376],\"gish gallop\":[-116.4051795586817,-0.7035412972662936],\"glory to hong kong\":[229.40379413652116,-66.2900043294124],\"glory to ukraine\":[241.8174213505736,-70.67980848659175],\"gold-collar worker\":[120.15754833937532,-12.070858760415607],\"group action (sociology)\":[69.40895724115077,-56.38554487880719],\"gustave le bon\":[-108.97608319969699,-36.57078619656295],\"heide g\\u00f6ttner-abendroth\":[87.64397136997692,69.41872202657066],\"history of propaganda\":[-99.65954232610277,-5.8892984466733385],\"hypodermic needle model\":[-24.089341186160187,-82.79971941471878],\"identity (philosophy)\":[42.102167127724115,-34.47533789309215],\"ideocracy\":[-2.120146752293432,-64.51201216391745],\"ideology\":[28.7768451152434,-57.94433200451149],\"implicit-association test\":[-19.419668294162747,136.9856859398964],\"independent labour publications\":[51.75737418314271,-187.91854146030764],\"influence of mass media\":[-28.237209200380708,-54.999354274280016],\"inner peace\":[90.93039679830656,83.33679721499196],\"internal family systems model\":[-51.79438982386067,135.00006866324014],\"international convention concerning the use of broadcasting in the cause of peace\":[-80.78649640379687,-9.680172572673289],\"ipse dixit\":[-35.83985944488546,205.9920734823848],\"islam and children\":[77.97829707289223,32.68328084481517],\"island mentality\":[-34.85379022719519,199.2077602308732],\"jamiat-e islami\":[40.35843095080001,-82.21414064398252],\"karl schwedler\":[-68.85053995927095,-12.366371263894806],\"keep indy indie\":[-169.41473930068213,-4.745602734166608],\"koestler parapsychology unit\":[47.55143739115943,108.08185658580786],\"kremlinology\":[106.35900356009378,121.32268798184464],\"la borde clinic\":[-85.33637854943824,-77.11572897770868],\"lady wonder\":[15.98023078637178,67.0356247465411],\"law of the jungle\":[-106.28284128760708,19.127335270570963],\"lectures on jurisprudence\":[90.69747170492245,-15.635673607522225],\"lesser of two evils principle\":[-130.43424548291628,-9.094361099605813],\"levitation (paranormal)\":[29.258228094206995,74.3583507169863],\"list of economics films\":[119.2602020787291,-36.892249404263275],\"maddaddam\":[-84.94435034288519,-66.19129421732349],\"male state\":[34.922644458053384,-86.25832698288555],\"media circus\":[-35.97464210929031,-18.23461770158454],\"mediumship\":[37.206136141634225,86.62848756598886],\"might makes right\":[-133.33308046916613,30.088281921140556],\"molon labe\":[-208.9936336171668,-13.78864622676794],\"museum of world culture\":[121.92127405087224,71.8675147682268],\"music and political warfare\":[-64.09954923380427,-24.30433411016589],\"national agrarian party\":[28.260234151138842,-85.61786702579317],\"national average salary\":[113.94600163844531,-16.696355228793262],\"naturalistic disease theories\":[-79.02863956506968,119.35443809818935],\"obscurantism\":[-89.07694648361918,9.15014127889262],\"ogilvie professor of human geography\":[59.36222424968896,128.6432160358433],\"one man, one vote\":[-178.4854240425621,47.053715683685176],\"opinion leadership\":[-14.76681605617462,-67.95916225938066],\"oryx and crake\":[-74.05228560644825,-48.448142594844974],\"out-of-body experience\":[38.197307025330254,105.10847892795121],\"overview of 21st-century propaganda\":[-77.62161734513515,-21.79925973015827],\"parochial political culture\":[176.2628003326033,147.67954536836905],\"party political broadcast\":[-171.3511310003961,63.45300899068627],\"party-state capitalism\":[-97.05162430581193,-61.596352990921424],\"peer pressure\":[10.09420855841371,12.02730633646726],\"people power\":[-12.798509538259584,43.757294595545304],\"person of color\":[100.2095273615283,-29.391300041739175],\"peter sloterdijk\":[61.378293428708055,-93.67551843287865],\"phillip blond\":[56.94239366395676,-222.4750540180089],\"political culture of germany\":[182.3462372091423,164.27798205895098],\"political culture of the united states\":[155.2750304979308,110.07815316318265],\"political socialization\":[-11.026466832397675,-39.880130040780074],\"post-truth politics\":[-87.08204496777417,31.38140705579368],\"prague conference\":[-59.97101554922986,-17.768307920934593],\"propaganda\":[-50.51143380861845,-4.323958125246081],\"proposed national unification promotion law\":[-77.23462039017498,-38.02787802925507],\"psychological trauma\":[-46.73146829118221,116.1765656840091],\"public affairs quarterly\":[40.16733416723608,-75.47821178524137],\"publicity stunt\":[-39.11982098008694,-32.99839321063806],\"reality distortion field\":[-17.371929051824143,17.188948984190915],\"red wall (us politics)\":[161.84570850604942,123.57268460158599],\"religious literacy\":[67.39747996583756,36.86358544216951],\"reterritorialization\":[-75.74035924899951,-57.25384779036958],\"richard wiseman\":[36.27157962776992,115.19080234803671],\"rumor\":[-51.18563936735421,26.835670076495113],\"self-deception\":[53.82800465630381,-55.42118364619742],\"self-defeating prophecy\":[37.23946257896193,-44.11829714458616],\"shock value\":[-21.991591389362892,46.49807490985772],\"slavery\":[70.34363893822388,-9.465075098975031],\"slogan\":[-141.7060350929139,4.833800397978216],\"social actions\":[48.34697882015668,-44.479387789955275],\"social death\":[90.92248607888855,-21.020243274453385],\"social dominance orientation\":[-28.44089168468546,113.18834041269247],\"social organization\":[99.25703898394555,-77.51972865541327],\"social reality\":[30.33628453165163,-17.885129448618738],\"socialist campaign group\":[46.70580645840019,-158.53680205332876],\"society of anthropology of paris\":[-125.27085325019172,-52.08032149640186],\"solitary confinement\":[84.5510579649911,19.274451876603944],\"songun\":[-52.722806576451866,-23.918604032414777],\"spirituality\":[68.66852592579721,63.50838500758434],\"strategy of tension\":[-56.06702455010856,32.78975337212137],\"susto\":[-65.76037700605774,103.33332767695867],\"tactical voting\":[-140.19694511046595,80.10834521074558],\"the castle (novel)\":[134.16120521077428,99.90550475943297],\"the civic culture\":[176.38377778652017,176.10059085327106],\"the reformation in economics\":[25.609464674746537,-82.74614002793244],\"they shall not pass\":[-189.01854991653863,-8.043424479245243],\"third-person effect\":[-42.97296600140583,-46.00387747665111],\"this machine kills fascists\":[91.7924974922914,-4.179212717893821],\"thumos\":[69.57460586370615,-112.6523262143261],\"timeline of voting rights in the united states\":[-180.03901261697862,62.30332918252969],\"tiocfaidh \\u00e1r l\\u00e1\":[-164.33253376075777,8.682706072731381],\"transfer (propaganda)\":[-43.988622407657985,23.386751035425423],\"unitarian universalism\":[51.33439875270086,3.6329323580415855],\"united nations office on drugs and crime\":[-189.8941404266858,84.13083235075254],\"urban legend\":[-37.835133236579956,49.742087515733594],\"vaticanology\":[125.94519035675926,137.87425239041633],\"voter turnout\":[-101.45775412703516,66.46130383068831],\"voting rights in the united states\":[-166.16416988032802,73.11140423349283],\"waking the tiger\":[-57.39312304741935,132.56764435483657],\"we don't coast\":[-172.3767957662019,-0.2766834304327655],\"we shall overcome\":[163.3638298369309,-42.40007284952193],\"west pride\":[149.711266643202,75.73545874540095],\"who moved my cheese?\":[-58.61824413350732,-24.030973089623526],\"xuanchuan\":[-86.50074833608046,-18.08409606010356]}},\"id\":\"3328\",\"type\":\"StaticLayoutProvider\"},{\"attributes\":{},\"id\":\"3996\",\"type\":\"AllLabels\"},{\"attributes\":{\"end\":250,\"start\":-250},\"id\":\"3219\",\"type\":\"Range1d\"},{\"attributes\":{},\"id\":\"4004\",\"type\":\"UnionRenderers\"},{\"attributes\":{},\"id\":\"3163\",\"type\":\"BasicTicker\"},{\"attributes\":{},\"id\":\"4006\",\"type\":\"UnionRenderers\"},{\"attributes\":{\"fill_alpha\":{\"field\":\"alpha\"},\"fill_color\":{\"field\":\"node_colour\"},\"size\":{\"field\":\"node_sizes\"}},\"id\":\"3209\",\"type\":\"Circle\"},{\"attributes\":{},\"id\":\"4007\",\"type\":\"Selection\"},{\"attributes\":{\"above\":[{\"id\":\"3181\"},{\"id\":\"3182\"}],\"below\":[{\"id\":\"3162\"}],\"center\":[{\"id\":\"3165\"},{\"id\":\"3169\"}],\"height\":333,\"left\":[{\"id\":\"3166\"}],\"renderers\":[{\"id\":\"3183\"}],\"title\":{\"id\":\"3947\"},\"toolbar\":{\"id\":\"3175\"},\"width\":333,\"x_range\":{\"id\":\"3153\"},\"x_scale\":{\"id\":\"3158\"},\"y_range\":{\"id\":\"3154\"},\"y_scale\":{\"id\":\"3160\"}},\"id\":\"3155\",\"subtype\":\"Figure\",\"type\":\"Plot\"},{\"attributes\":{},\"id\":\"3965\",\"type\":\"BasicTickFormatter\"},{\"attributes\":{},\"id\":\"3983\",\"type\":\"AllLabels\"}],\"root_ids\":[\"3747\"]},\"title\":\"Bokeh Application\",\"version\":\"2.3.2\"}};\n", " var render_items = [{\"docid\":\"8cf51a29-d760-4916-a257-06c58c94976b\",\"root_ids\":[\"3747\"],\"roots\":{\"3747\":\"922a9517-5e95-4339-8e20-9463fb68443e\"}}];\n", " root.Bokeh.embed.embed_items_notebook(docs_json, render_items);\n", "\n", " }\n", " if (root.Bokeh !== undefined) {\n", " embed_document(root);\n", " } else {\n", " var attempts = 0;\n", " var timer = setInterval(function(root) {\n", " if (root.Bokeh !== undefined) {\n", " clearInterval(timer);\n", " embed_document(root);\n", " } else {\n", " attempts++;\n", " if (attempts > 100) {\n", " clearInterval(timer);\n", " console.log(\"Bokeh: ERROR: Unable to run BokehJS code because BokehJS library is missing\");\n", " }\n", " }\n", " }, 10, root)\n", " }\n", "})(window);" ], "application/vnd.bokehjs_exec.v0+json": "" }, "metadata": { "application/vnd.bokehjs_exec.v0+json": { "id": "3747" } }, "output_type": "display_data" }, { "data": { "text/html": [ "\n", "\n", "\n", "\n", "\n", "\n", "
\n" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "application/javascript": [ "(function(root) {\n", " function embed_document(root) {\n", " \n", " var docs_json = {\"863dbe9e-028e-4e49-ab7e-e756193e5d70\":{\"defs\":[],\"roots\":{\"references\":[{\"attributes\":{\"children\":[{\"id\":\"3353\"},{\"id\":\"3419\"},{\"id\":\"3485\"}]},\"id\":\"4378\",\"type\":\"Row\"},{\"attributes\":{},\"id\":\"3424\",\"type\":\"LinearScale\"},{\"attributes\":{\"axis\":{\"id\":\"3430\"},\"dimension\":1,\"grid_line_color\":null,\"ticker\":null},\"id\":\"3433\",\"type\":\"Grid\"},{\"attributes\":{\"text\":\"['price', 'economic', 'economics', 'model', 'market']\",\"text_font_style\":\"italic\"},\"id\":\"3445\",\"type\":\"Title\"},{\"attributes\":{\"end\":250,\"start\":-250},\"id\":\"3417\",\"type\":\"Range1d\"},{\"attributes\":{\"axis\":{\"id\":\"3426\"},\"grid_line_color\":null,\"ticker\":null},\"id\":\"3429\",\"type\":\"Grid\"},{\"attributes\":{\"data_source\":{\"id\":\"3383\"},\"glyph\":{\"id\":\"3407\"},\"hover_glyph\":null,\"muted_glyph\":null,\"view\":{\"id\":\"3385\"}},\"id\":\"3384\",\"type\":\"GlyphRenderer\"},{\"attributes\":{},\"id\":\"3435\",\"type\":\"WheelZoomTool\"},{\"attributes\":{},\"id\":\"3431\",\"type\":\"BasicTicker\"},{\"attributes\":{},\"id\":\"3427\",\"type\":\"BasicTicker\"},{\"attributes\":{\"end\":250,\"start\":-250},\"id\":\"3418\",\"type\":\"Range1d\"},{\"attributes\":{\"formatter\":{\"id\":\"4675\"},\"major_label_policy\":{\"id\":\"4677\"},\"ticker\":{\"id\":\"3431\"},\"visible\":false},\"id\":\"3430\",\"type\":\"LinearAxis\"},{\"attributes\":{\"text\":\"Community: 3\",\"text_font_size\":\"16pt\"},\"id\":\"3446\",\"type\":\"Title\"},{\"attributes\":{\"data_source\":{\"id\":\"3449\"},\"glyph\":{\"id\":\"3473\"},\"hover_glyph\":null,\"muted_glyph\":null,\"view\":{\"id\":\"3451\"}},\"id\":\"3450\",\"type\":\"GlyphRenderer\"},{\"attributes\":{\"formatter\":{\"id\":\"4678\"},\"major_label_policy\":{\"id\":\"4680\"},\"ticker\":{\"id\":\"3427\"},\"visible\":false},\"id\":\"3426\",\"type\":\"LinearAxis\"},{\"attributes\":{},\"id\":\"4693\",\"type\":\"AllLabels\"},{\"attributes\":{},\"id\":\"3434\",\"type\":\"PanTool\"},{\"attributes\":{},\"id\":\"3436\",\"type\":\"SaveTool\"},{\"attributes\":{\"above\":[{\"id\":\"3445\"},{\"id\":\"3446\"}],\"below\":[{\"id\":\"3426\"}],\"center\":[{\"id\":\"3429\"},{\"id\":\"3433\"}],\"height\":333,\"left\":[{\"id\":\"3430\"}],\"renderers\":[{\"id\":\"3447\"}],\"title\":{\"id\":\"4646\"},\"toolbar\":{\"id\":\"3439\"},\"width\":333,\"x_range\":{\"id\":\"3417\"},\"x_scale\":{\"id\":\"3422\"},\"y_range\":{\"id\":\"3418\"},\"y_scale\":{\"id\":\"3424\"}},\"id\":\"3419\",\"subtype\":\"Figure\",\"type\":\"Plot\"},{\"attributes\":{},\"id\":\"4691\",\"type\":\"BasicTickFormatter\"},{\"attributes\":{},\"id\":\"3422\",\"type\":\"LinearScale\"},{\"attributes\":{},\"id\":\"4708\",\"type\":\"Selection\"},{\"attributes\":{},\"id\":\"4685\",\"type\":\"NodesOnly\"},{\"attributes\":{},\"id\":\"3437\",\"type\":\"ResetTool\"},{\"attributes\":{\"active_multi\":null,\"active_scroll\":{\"id\":\"3435\"},\"tools\":[{\"id\":\"3434\"},{\"id\":\"3435\"},{\"id\":\"3436\"},{\"id\":\"3437\"},{\"id\":\"3438\"}]},\"id\":\"3439\",\"type\":\"Toolbar\"},{\"attributes\":{},\"id\":\"4686\",\"type\":\"NodesOnly\"},{\"attributes\":{\"data\":{\"alpha\":[0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75],\"depth\":[2,2,2,1,2,0,0,2,1,2,2,2,2,2,2,1,2,2,2,2,2,1,2,2,2,1,1,1,2,1,2,1,2,1,2,1,2,2,1,2,2,2,1,2,1,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,2,2,2,2,0,2,2,2,1,2,1,1,2,2,2,1,2,2,0,1,2,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,2,2,2,2,2,2,1,2,2,1,1,0,1,0,2,2,1,2,2,1,2,2,1,2,2,2,1,2,2,2,2,0,2,0,2,1,2,0,2,2,1,2,2,1,2,2,2,2,2,2,2,2,1,1,2,2,2,2,2,1,2,2,2,2,2,2,2,2,1,1,2,2,2,2,2,0,2,2,2,1,2,2,0,2,1,2,2,2,2,2,2,0,2,1,2,2,2,2,2,2,2,2,1,1,2,2,1,2,2,2,2,2,1,2,0,1,1,1,2,2,2,2,1,1,2,2,2,1,2,2,2,1,2,1,2,2,1,2,2,2,1,2,2,2,2,1,2,2,2,2,2,2,2,2,2,2,2,0,2,1,1,1,2,2,0,1,2,2,1,2,1,1,2,1,2,2,0,2,2,2,1,1,0,2,2,2,0,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,2,2,1,2,1,1,2,2,1,2,2,2,2,1,0,2,2,2,2,2,2,2,2,2,2,2,2,1,0,2,2,1,2,2,2,2,2,2,2],\"index\":[\"maladministration\",\"institute for international economic studies\",\"public budgeting\",\"international political science association\",\"united federal workers of america\",\"history of political science\",\"political science\",\"lorena parini\",\"statecraft (political science)\",\"marco tarchi\",\"american political thought\",\"andr\\u00e9 du pisani\",\"mariya gabriel\",\"thucydides trap\",\"american journal of political science\",\"political criticism\",\"her majesty's government (term)\",\"black eagle (montreal)\",\"knowledge gap hypothesis\",\"british journal of politics and international relations\",\"lloyd\\u2013la follette act\",\"sophomore surge\",\"institute for political studies \\u2013 catholic university of portugal\",\"stephen barber\",\"high policing\",\"elective dictatorship\",\"post-work society\",\"j curve\",\"london school of economics\",\"china university of political science and law\",\"\\u00fcmit cizre\",\"social media in the 2020 united states presidential election\",\"janet ajzenstat\",\"kissinger lecture\",\"istv\\u00e1n hont\",\"walter f. dodd\",\"international security\",\"rivers state civil service\",\"philip converse\",\"common informer\",\"the hidden hand: middle east fears of conspiracy\",\"cura annonae\",\"implementation\",\"how voters feel\",\"taftian theory\",\"journal of european social policy\",\"carl joachim friedrich\",\"foreign policy\",\"carl albert center\",\"science & diplomacy\",\"transformation processes (media systems)\",\"pilar calveiro\",\"qem\",\"journal of current southeast asian affairs\",\"george hilton (historian)\",\"clientelism\",\"ariane chebel d'appollonia\",\"schar school of policy and government\",\"international society of political psychology\",\"deployment management\",\"supreme court economic review\",\"malinda s. smith\",\"grenoble institute of political studies\",\"asu college of public service & community solutions\",\"computational politics\",\"coppieters foundation\",\"ministry of infrastructure (ukraine)\",\"maritza montero\",\"postfunctionalism\",\"katharine hayhoe\",\"heterotopia (space)\",\"cyranoid\",\"alex brillantes jr.\",\"numbers (vancouver)\",\"health system\",\"cube root rule\",\"mediations (journal)\",\"jean bethke elshtain\",\"gladstone professor of government\",\"pal lahara state\",\"emilia justyna powell\",\"digest of middle east studies\",\"security studies (journal)\",\"work, employment & society\",\"henry e. brady\",\"graduate school of public policy, university of tokyo\",\"bonai state\",\"raisons politiques\",\"vocational panel\",\"primakov readings\",\"renata salecl\",\"election law journal\",\"advocacy journalism\",\"territorialisation of carbon governance\",\"boosterism\",\"school of political and social sciences, unam\",\"military policy\",\"petitions of right (ireland) act 1873\",\"w. meredith bacon\",\"elif shafak\",\"science & society\",\"jane duckett\",\"edward j. bloustein school of planning and public policy\",\"second-order election\",\"arab barometer\",\"research excellence framework\",\"population health\",\"social media use by donald trump\",\"political groups of the european parliament\",\"parochialism\",\"political communication\",\"contemporary voices\",\"multi-level governance\",\"ishraga mustafa hamid\",\"paul van riper (political scientist)\",\"bolivarian revolution\",\"big man (political science)\",\"social policy\",\"national student survey\",\"al-ahram center for political and strategic studies\",\"fritz w. scharpf\",\"international relations and security network\",\"democracies: patterns of majoritarian & consensus government in twenty-one countries\",\"obshchestvovedeniye\",\"gwendolen m. carter\",\"the permanent revolution and results and prospects\",\"svetlana tatunts\",\"behavioral public administration\",\"international centre for black sea studies\",\"limitarianism (ethical)\",\"political alienation\",\"terry karl\",\"civil service\",\"health policy in bangladesh\",\"tryph\\u00e9\",\"european school of political and social sciences\",\"paul de grauwe\",\"fred w. riggs\",\"international journal of intelligence and counterintelligence\",\"global social policy\",\"sciences po\",\"charlie bean (economist)\",\"journal of theoretical politics\",\"rodney tiffen\",\"policy studies journal\",\"nicole bacharan\",\"risk, hazards & crisis in public policy\",\"patient participation\",\"robert f. wagner graduate school of public service\",\"print capitalism\",\"public administration\",\"health policy\",\"environmental politics (journal)\",\"praxis: the fletcher journal of human security\",\"alva myrdal\",\"classification of advocacy groups\",\"polarized pluralism\",\"constitutionality\",\"human resource management in public administration\",\"cipp evaluation model\",\"chester barnard\",\"american university school of international service\",\"against equality of opportunity\",\"theory of change\",\"viola klein\",\"berkeley school of political theory\",\"donald e. stokes\",\"pork barrel\",\"wyn grant\",\"failed state\",\"martens centre\",\"canadian public policy\",\"bureaucratic drift\",\"\\u00bfpor qu\\u00e9 no te callas?\",\"rena dourou\",\"master of public administration\",\"pi sigma alpha\",\"journal of ethnic and migration studies\",\"clarita carlos\",\"the birth of biopolitics\",\"political geography (journal)\",\"principle-policy puzzle\",\"politeia (journal)\",\"school of public policy at central european university\",\"sam potolicchio\",\"graduate program in public management\",\"k\\u00e4the leichter\",\"electronic process of law\",\"open philanthropy (doctrine)\",\"nonprofit and voluntary sector quarterly\",\"philip oxhorn\",\"school of international and public affairs, columbia university\",\"the end of liberalism\",\"politique africaine\",\"insight turkey\",\"robert kent gooch\",\"sanford school of public policy\",\"english votes for english laws\",\"david e. campbell (political scientist)\",\"parallel state\",\"european union studies association\",\"helen margetts\",\"john coakley\",\"cand.scient.pol.\",\"australian quarterly\",\"security studies\",\"afke schaart\",\"beatrice heuser\",\"colin rallings\",\"sacralism\",\"review of international political economy\",\"bureau-shaping model\",\"social media in the 2016 united states presidential election\",\"karl deutsch award\",\"population health policies and interventions\",\"public policy school\",\"australian journal of political science\",\"international review of the red cross\",\"josepha laroche\",\"boris maciejovsky\",\"security sector governance and reform\",\"ioana marinescu\",\"carmen a. mir\\u00f3\",\"political journalism\",\"new political economy (journal)\",\"reichsministerium des innern\",\"norman chester\",\"alternatives: turkish journal of international relations\",\"mass media and american politics\",\"making democracy work\",\"wilson\\u2013patterson conservatism scale\",\"rent-setting\",\"fiscal capacity\",\"conceptual economy\",\"tore ellingsen\",\"inclusion and democracy\",\"quaternary sector of the economy\",\"politico-media complex\",\"grey room\",\"petition of right\",\"colin hughes\",\"niamh reilly\",\"social media use in politics\",\"social impact entertainment\",\"kim campbell\",\"attorney-general v de keyser's royal hotel ltd\",\"institut d'\\u00e9tudes politiques d'aix-en-provence\",\"the soldier and the state\",\"alexandra goujon\",\"wisconsin school (diplomatic history)\",\"catherine wihtol de wenden\",\"olivier ihl\",\"marie-christine kessler\",\"voluntary sector\",\"political methodology\",\"marc lynch\",\"master of public policy\",\"social media use in african politics\",\"uk heo\",\"the good society\",\"bush school of government and public service\",\"peace\\u2013industrial complex\",\"distributive tendency\",\"food processing\",\"rent extraction\",\"essence of decision\",\"liesbet hooghe\",\"political studies association\",\"democratic recession\",\"robert m. la follette school of public affairs\",\"jerzy adam kowalski\",\"communication university of china\",\"german university of administrative sciences speyer\",\"linked fate\",\"universal basic income\",\"political studies review\",\"list of futurama characters\",\"intergenerational policy\",\"journal of policy history\",\"twitter diplomacy\",\"priya kurian\",\"steven b. smith (professor)\",\"comparing media systems\",\"perestroika movement (political science)\",\"faculty of political science, chulalongkorn university\",\"institut d'\\u00e9tudes politiques de toulouse\",\"politics (academic journal)\",\"european master of public administration consortium\",\"margaret clark (political scientist)\",\"warren miller (political scientist)\",\"nonna mayer\",\"michael thrasher\",\"journal of democracy\",\"doncaster pride\",\"emmette redford\",\"slapsoftware\",\"fabrizio zilibotti\",\"nonkilling global political science\",\"dyab abou jahjah\",\"international political sociology (ips)\",\"crown servant\",\"political man\",\"politics, philosophy & economics\",\"journal of current chinese affairs\",\"gloss (annotation)\",\"rasma k\\u0101rkli\\u0146a\",\"instituts d'\\u00e9tudes politiques\",\"journal of european integration\",\"mccourt school of public policy\",\"constitutional autochthony\",\"marian van landingham\",\"index of urban sociology articles\",\"holocaust trivialization\",\"i like ike\",\"louise dandurand\",\"ljiljana radoni\\u0107\",\"francesco caselli\",\"frank batten school of leadership and public policy\",\"grab em by the pussy\",\"proclamation by the crown act 1539\",\"trusteeship (gandhism)\",\"security, territory, population\",\"political studies (journal)\",\"critical review (journal)\",\"democracy and security\",\"pauline barrieu\",\"val\\u00e9rie igounet\",\"the crisis of democracy\",\"brigitte young\",\"yakama manty jones\",\"designing social inquiry\",\"journal of political ideologies\",\"masters in agricultural economics\",\"ernest barker\",\"horace campbell\",\"minimal effects hypothesis\",\"michael l. gross (ethicist)\",\"andrew westmoreland\",\"school of politics and international relations, university of nottingham\",\"william james booth\",\"fascism: a warning\",\"small media, big revolution\",\"princeton school of public and international affairs\",\"eric helleiner\",\"blavatnik school of government\",\"yelyzaveta yasko\"],\"node_colour\":[\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#FDE724\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#5BC862\",\"#FDE724\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#FDE724\",\"#208F8C\",\"#440154\",\"#3B518A\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#440154\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\"],\"node_sizes\":[1.0,0.25,0.25,1.75,0.5,0.5,45.75,0.25,0.25,0.5,0.25,0.5,0.75,0.25,0.75,0.25,0.25,0.5,0.5,0.75,0.25,0.25,0.25,0.25,0.25,0.25,0.5,0.25,9.5,0.5,0.25,0.25,0.25,0.25,0.25,1.5,1.75,0.25,2.0,0.25,0.25,0.5,1.0,0.5,0.25,0.25,1.5,8.0,0.75,0.25,1.0,0.25,0.5,0.25,0.25,2.0,0.5,2.75,0.5,0.75,0.25,0.5,0.75,0.5,0.25,0.5,0.25,0.5,0.25,0.5,0.5,0.25,0.25,0.5,1.0,0.25,0.25,0.25,0.25,0.25,0.25,0.25,0.75,0.25,1.75,1.0,0.25,0.5,0.25,0.25,0.25,0.25,0.25,0.25,0.25,0.5,1.25,0.25,0.25,0.75,0.25,0.5,0.75,0.25,0.5,0.25,1.25,1.0,1.25,0.5,2.25,0.25,1.0,0.25,0.5,0.5,0.25,3.0,0.25,0.25,0.25,0.5,0.25,0.25,0.25,0.25,0.5,0.5,0.75,0.25,0.25,0.5,2.75,0.25,0.75,0.25,0.25,0.5,0.25,0.25,5.5,0.5,1.0,0.25,0.25,0.25,0.25,0.25,1.0,0.25,9.0,3.5,0.25,0.25,0.75,0.25,0.25,0.5,0.5,0.25,0.75,1.5,0.25,0.75,0.5,0.25,0.5,0.75,0.5,0.75,0.75,0.25,0.5,0.5,0.5,1.75,0.25,0.25,0.5,1.0,0.25,0.25,0.5,0.5,0.25,0.25,0.25,0.5,0.25,0.5,0.25,2.0,0.25,0.25,0.25,0.25,2.0,0.25,0.25,0.25,0.75,1.5,0.25,0.25,0.25,2.5,0.25,0.25,0.25,0.25,0.75,0.25,0.75,0.5,0.75,5.5,0.75,0.25,0.25,0.25,0.25,0.5,0.25,0.5,0.5,0.25,0.5,0.25,0.5,0.25,0.25,1.0,0.25,0.25,0.25,0.25,0.25,0.25,0.25,1.75,0.25,0.25,1.5,0.25,0.75,0.25,0.5,0.5,0.5,0.25,0.25,0.5,0.5,0.5,0.25,0.25,2.0,0.25,0.25,0.25,2.5,0.25,0.25,1.0,0.75,0.25,1.0,2.0,0.25,1.25,0.25,0.75,1.75,0.25,2.0,1.25,0.25,0.25,0.5,0.25,0.25,0.25,0.5,0.25,0.5,0.75,0.5,0.75,0.25,1.25,0.5,0.5,0.75,0.25,1.25,0.25,0.75,0.75,0.25,0.25,0.5,0.5,0.25,0.25,0.25,0.25,1.5,0.25,0.75,0.25,0.25,0.25,0.25,0.25,0.25,0.5,0.25,0.5,0.25,0.25,0.25,1.0,0.5,0.25,0.25,0.25,0.25,0.5,0.25,0.25,0.25,0.25,0.75,0.75,0.25,0.25,0.25,0.25,0.25,0.25,0.25,0.25,2.5,0.5,1.5,0.5],\"parent\":[\"political_science\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"psychology\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"anthropology\",\"psychology\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"anthropology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"anthropology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"psychology\",\"political_science\",\"economics\",\"sociology\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"economics\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"anthropology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"anthropology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\"]},\"selected\":{\"id\":\"4700\"},\"selection_policy\":{\"id\":\"4699\"}},\"id\":\"3383\",\"type\":\"ColumnDataSource\"},{\"attributes\":{},\"id\":\"4680\",\"type\":\"AllLabels\"},{\"attributes\":{\"line_alpha\":{\"value\":0.8},\"line_width\":{\"value\":0.1}},\"id\":\"3412\",\"type\":\"MultiLine\"},{\"attributes\":{\"source\":{\"id\":\"3449\"}},\"id\":\"3451\",\"type\":\"CDSView\"},{\"attributes\":{\"line_alpha\":{\"value\":0.8},\"line_width\":{\"value\":0.1}},\"id\":\"3544\",\"type\":\"MultiLine\"},{\"attributes\":{},\"id\":\"4644\",\"type\":\"Title\"},{\"attributes\":{\"data\":{\"end\":[\"public administration\",\"clientelism\",\"failed state\",\"rent-setting\",\"fabrizio zilibotti\",\"public administration\",\"political science\",\"history of political science\",\"carl joachim friedrich\",\"political studies association\",\"karl deutsch award\",\"norman chester\",\"john coakley\",\"public administration\",\"constitutionality\",\"political science\",\"public administration\",\"foreign policy\",\"political methodology\",\"social policy\",\"philip converse\",\"pi sigma alpha\",\"political science\",\"minimal effects hypothesis\",\"political alienation\",\"perestroika movement (political science)\",\"political communication\",\"tryph\\u00e9\",\"bureaucratic drift\",\"peace\\u2013industrial complex\",\"the birth of biopolitics\",\"security, territory, population\",\"computational politics\",\"linked fate\",\"boosterism\",\"implementation\",\"principle-policy puzzle\",\"elective dictatorship\",\"china university of political science and law\",\"sciences po\",\"essence of decision\",\"constitutional autochthony\",\"sacralism\",\"big man (political science)\",\"polarized pluralism\",\"second-order election\",\"kissinger lecture\",\"sophomore surge\",\"parallel state\",\"horace campbell\",\"faculty of political science, chulalongkorn university\",\"trusteeship (gandhism)\",\"walter f. dodd\",\"school of political and social sciences, unam\",\"new political economy (journal)\",\"al-ahram center for political and strategic studies\",\"european union studies association\",\"pal lahara state\",\"cand.scient.pol.\",\"uk heo\",\"fred w. riggs\",\"print capitalism\",\"philip oxhorn\",\"journal of policy history\",\"karl deutsch award\",\"bonai state\",\"deployment management\",\"berkeley school of political theory\",\"cube root rule\",\"wilson\\u2013patterson conservatism scale\",\"donald e. stokes\",\"democratic recession\",\"statecraft (political science)\",\"ishraga mustafa hamid\",\"ljiljana radoni\\u0107\",\"j curve\",\"post-work society\",\"obshchestvovedeniye\",\"jerzy adam kowalski\",\"jean bethke elshtain\",\"grenoble institute of political studies\",\"institut d'\\u00e9tudes politiques de toulouse\",\"science & society\",\"olivier ihl\",\"american journal of political science\",\"school of international and public affairs, columbia university\",\"stephen barber\",\"multi-level governance\",\"critical review (journal)\",\"paul van riper (political scientist)\",\"edward j. bloustein school of planning and public policy\",\"public policy school\",\"journal of democracy\",\"elif shafak\",\"international review of the red cross\",\"dyab abou jahjah\",\"making democracy work\",\"steven b. smith (professor)\",\"michael l. gross (ethicist)\",\"clarita carlos\",\"robert m. la follette school of public affairs\",\"australian quarterly\",\"political man\",\"grey room\",\"journal of current chinese affairs\",\"journal of current southeast asian affairs\",\"andr\\u00e9 du pisani\",\"rodney tiffen\",\"politique africaine\",\"insight turkey\",\"journal of political ideologies\",\"democracies: patterns of majoritarian & consensus government in twenty-one countries\",\"review of international political economy\",\"her majesty's government (term)\",\"security studies\",\"security studies (journal)\",\"janet ajzenstat\",\"nonkilling global political science\",\"election law journal\",\"politeia (journal)\",\"alternatives: turkish journal of international relations\",\"josepha laroche\",\"institute for political studies \\u2013 catholic university of portugal\",\"andrew westmoreland\",\"the good society\",\"clientelism\",\"political studies (journal)\",\"bush school of government and public service\",\"afke schaart\",\"politics, philosophy & economics\",\"small media, big revolution\",\"inclusion and democracy\",\"journal of european social policy\",\"journal of ethnic and migration studies\",\"mediations (journal)\",\"william james booth\",\"marian van landingham\",\"journal of theoretical politics\",\"gwendolen m. carter\",\"the end of liberalism\",\"david e. campbell (political scientist)\",\"alex brillantes jr.\",\"transformation processes (media systems)\",\"german university of administrative sciences speyer\",\"policy studies journal\",\"brigitte young\",\"svetlana tatunts\",\"british journal of politics and international relations\",\"\\u00fcmit cizre\",\"digest of middle east studies\",\"risk, hazards & crisis in public policy\",\"katharine hayhoe\",\"praxis: the fletcher journal of human security\",\"how voters feel\",\"political studies review\",\"australian journal of political science\",\"margaret clark (political scientist)\",\"robert kent gooch\",\"canadian public policy\",\"marco tarchi\",\"w. meredith bacon\",\"rena dourou\",\"international journal of intelligence and counterintelligence\",\"helen margetts\",\"political geography (journal)\",\"journal of european integration\",\"fiscal capacity\",\"politics (academic journal)\",\"jane duckett\",\"environmental politics (journal)\",\"the hidden hand: middle east fears of conspiracy\",\"democracy and security\",\"pilar calveiro\",\"terry karl\",\"fascism: a warning\",\"priya kurian\",\"niamh reilly\",\"the permanent revolution and results and prospects\",\"american political thought\",\"yelyzaveta yasko\",\"val\\u00e9rie igounet\",\"marie-christine kessler\",\"malinda s. smith\",\"louise dandurand\",\"raisons politiques\",\"nonna mayer\",\"catherine wihtol de wenden\",\"alexandra goujon\",\"rasma k\\u0101rkli\\u0146a\",\"lorena parini\",\"behavioral public administration\",\"maritza montero\",\"contemporary voices\",\"k\\u00e4the leichter\",\"political journalism\",\"theory of change\",\"political communication\",\"london school of economics\",\"martens centre\",\"mariya gabriel\",\"foreign policy\",\"knowledge gap hypothesis\",\"henry e. brady\",\"political communication\",\"military policy\",\"numbers (vancouver)\",\"political communication\",\"helen margetts\",\"political studies association\",\"civil service\",\"international security\",\"universal basic income\",\"public administration\",\"social policy\",\"political groups of the european parliament\",\"bureau-shaping model\",\"sciences po\",\"instituts d'\\u00e9tudes politiques\",\"cyranoid\",\"boris maciejovsky\",\"research excellence framework\",\"master of public administration\",\"national student survey\",\"kim campbell\",\"london school of economics\",\"sanford school of public policy\",\"princeton school of public and international affairs\",\"bush school of government and public service\",\"schar school of policy and government\",\"ernest barker\",\"colin hughes\",\"beatrice heuser\",\"universal basic income\",\"journal of theoretical politics\",\"eric helleiner\",\"graduate school of public policy, university of tokyo\",\"helen margetts\",\"charlie bean (economist)\",\"fabrizio zilibotti\",\"george hilton (historian)\",\"tore ellingsen\",\"paul de grauwe\",\"francesco caselli\",\"ioana marinescu\",\"pauline barrieu\",\"renata salecl\",\"viola klein\",\"carmen a. mir\\u00f3\",\"communication university of china\",\"social media in the 2016 united states presidential election\",\"political studies association\",\"philip converse\",\"carl joachim friedrich\",\"emmette redford\",\"henry e. brady\",\"warren miller (political scientist)\",\"security sector governance and reform\",\"international security\",\"security studies\",\"security studies (journal)\",\"primakov readings\",\"civil service\",\"donald e. stokes\",\"international society of political psychology\",\"emmette redford\",\"carl joachim friedrich\",\"henry e. brady\",\"warren miller (political scientist)\",\"petition of right\",\"social policy\",\"universal basic income\",\"implementation\",\"cipp evaluation model\",\"political communication\",\"foreign policy\",\"emmette redford\",\"henry e. brady\",\"warren miller (political scientist)\",\"public administration\",\"political groups of the european parliament\",\"political communication\",\"foreign policy\",\"public policy school\",\"social media use by donald trump\",\"bolivarian revolution\",\"princeton school of public and international affairs\",\"american university school of international service\",\"english votes for english laws\",\"school of international and public affairs, columbia university\",\"the soldier and the state\",\"health policy\",\"clarita carlos\",\"\\u00bfpor qu\\u00e9 no te callas?\",\"i like ike\",\"security studies\",\"marc lynch\",\"list of futurama characters\",\"clientelism\",\"the crisis of democracy\",\"svetlana tatunts\",\"science & diplomacy\",\"katharine hayhoe\",\"australian journal of political science\",\"arab barometer\",\"rena dourou\",\"grab em by the pussy\",\"political man\",\"carl albert center\",\"political communication\",\"advocacy journalism\",\"comparing media systems\",\"sciences po\",\"masters in agricultural economics\",\"public administration\",\"pork barrel\",\"comparing media systems\",\"rent-setting\",\"rent extraction\",\"security studies\",\"sciences po\",\"public policy school\",\"sciences po\",\"german university of administrative sciences speyer\",\"sanford school of public policy\",\"princeton school of public and international affairs\",\"bush school of government and public service\",\"robert f. wagner graduate school of public service\",\"american university school of international service\",\"school of international and public affairs, columbia university\",\"supreme court economic review\",\"maritza montero\",\"deployment management\",\"security studies\",\"instituts d'\\u00e9tudes politiques\",\"olivier ihl\",\"public administration\",\"journal of policy history\",\"political groups of the european parliament\",\"martens centre\",\"social policy\",\"liesbet hooghe\",\"the birth of biopolitics\",\"security, territory, population\",\"military policy\",\"health policy\",\"population health\",\"population health policies and interventions\",\"food processing\",\"public administration\",\"political studies review\",\"security studies\",\"universal basic income\",\"emmette redford\",\"warren miller (political scientist)\",\"designing social inquiry\",\"public policy school\",\"master of public policy\",\"sciences po\",\"sciences po\",\"civil service\",\"multi-level governance\",\"public administration\",\"public administration\",\"public policy school\",\"doncaster pride\",\"petition of right\",\"elif shafak\",\"social policy\",\"health policy\",\"public policy school\",\"journal of democracy\",\"health policy\",\"population health policies and interventions\",\"blavatnik school of government\",\"food processing\",\"social media use in politics\",\"social media in the 2016 united states presidential election\",\"twitter diplomacy\",\"civil service\",\"martens centre\",\"pork barrel\",\"index of urban sociology articles\",\"public administration\",\"social media use in politics\",\"health policy\",\"liesbet hooghe\",\"public administration\",\"\\u00bfpor qu\\u00e9 no te callas?\",\"public administration\",\"the birth of biopolitics\",\"intergenerational policy\",\"health policy\",\"public policy school\",\"robert m. la follette school of public affairs\",\"global social policy\",\"european union studies association\",\"international centre for black sea studies\",\"security studies\",\"public administration\",\"international centre for black sea studies\",\"universal basic income\",\"journal of democracy\",\"public administration\",\"civil service\",\"petition of right\",\"crown servant\",\"german university of administrative sciences speyer\",\"reichsministerium des innern\",\"health policy\",\"tryph\\u00e9\",\"sciences po\",\"public administration\",\"public administration\",\"public policy school\",\"instituts d'\\u00e9tudes politiques\",\"sanford school of public policy\",\"princeton school of public and international affairs\",\"bush school of government and public service\",\"european master of public administration consortium\",\"german university of administrative sciences speyer\",\"american university school of international service\",\"school of international and public affairs, columbia university\",\"nicole bacharan\",\"liesbet hooghe\",\"nonna mayer\",\"alexandra goujon\",\"fabrizio zilibotti\",\"helen margetts\",\"bureaucratic drift\",\"health policy\",\"public policy school\",\"master of public administration\",\"german university of administrative sciences speyer\",\"security, territory, population\",\"master of public policy\",\"master of public administration\",\"blavatnik school of government\",\"german university of administrative sciences speyer\",\"public administration\",\"faculty of political science, chulalongkorn university\",\"public policy school\",\"health policy\",\"human resource management in public administration\",\"politeia (journal)\",\"crown servant\",\"electronic process of law\",\"european master of public administration consortium\",\"helen margetts\",\"norman chester\",\"nonprofit and voluntary sector quarterly\",\"population health policies and interventions\",\"public policy school\",\"frank batten school of leadership and public policy\",\"robert m. la follette school of public affairs\",\"food processing\",\"alva myrdal\",\"viola klein\",\"wyn grant\",\"gloss (annotation)\",\"chester barnard\",\"chester barnard\",\"sanford school of public policy\",\"princeton school of public and international affairs\",\"bush school of government and public service\",\"political studies review\",\"open philanthropy (doctrine)\",\"social impact entertainment\",\"distributive tendency\",\"political studies association\",\"rent-setting\",\"rent extraction\",\"public policy school\",\"master of public policy\",\"school of international and public affairs, columbia university\",\"school of public policy at central european university\",\"security, territory, population\",\"master of public policy\",\"mccourt school of public policy\",\"public policy school\",\"slapsoftware\",\"voluntary sector\",\"sanford school of public policy\",\"princeton school of public and international affairs\",\"bush school of government and public service\",\"public policy school\",\"princeton school of public and international affairs\",\"bush school of government and public service\",\"liesbet hooghe\",\"australian journal of political science\",\"international political sociology (ips)\",\"security studies\",\"michael thrasher\",\"new political economy (journal)\",\"eric helleiner\",\"social media use in politics\",\"master of public policy\",\"princeton school of public and international affairs\",\"mccourt school of public policy\",\"robert m. la follette school of public affairs\",\"frank batten school of leadership and public policy\",\"institut d'\\u00e9tudes politiques de toulouse\",\"institut d'\\u00e9tudes politiques d'aix-en-provence\",\"blavatnik school of government\",\"universal basic income\",\"mass media and american politics\",\"social media use in politics\",\"rent extraction\",\"food processing\",\"voluntary sector\",\"social media use in politics\",\"petition of right\",\"proclamation by the crown act 1539\",\"attorney-general v de keyser's royal hotel ltd\",\"social media use in african politics\",\"kim campbell\",\"instituts d'\\u00e9tudes politiques\",\"the crisis of democracy\",\"robert m. la follette school of public affairs\",\"instituts d'\\u00e9tudes politiques\",\"princeton school of public and international affairs\",\"mccourt school of public policy\",\"blavatnik school of government\",\"princeton school of public and international affairs\",\"bush school of government and public service\",\"political studies review\",\"michael thrasher\",\"political studies (journal)\",\"politics (academic journal)\",\"communication university of china\",\"european master of public administration consortium\",\"universal basic income\",\"school of politics and international relations, university of nottingham\",\"instituts d'\\u00e9tudes politiques\",\"emmette redford\",\"nonkilling global political science\",\"ljiljana radoni\\u0107\",\"blavatnik school of government\",\"masters in agricultural economics\",\"ernest barker\",\"yelyzaveta yasko\"],\"start\":[\"maladministration\",\"maladministration\",\"maladministration\",\"maladministration\",\"institute for international economic studies\",\"public budgeting\",\"international political science association\",\"international political science association\",\"international political science association\",\"international political science association\",\"international political science association\",\"international political science association\",\"international political science association\",\"united federal workers of america\",\"united federal workers of america\",\"history of political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"political science\",\"marco tarchi\",\"andr\\u00e9 du pisani\",\"mariya gabriel\",\"mariya gabriel\",\"thucydides trap\",\"american journal of political science\",\"american journal of political science\",\"political criticism\",\"black eagle (montreal)\",\"black eagle (montreal)\",\"knowledge gap hypothesis\",\"british journal of politics and international relations\",\"british journal of politics and international relations\",\"lloyd\\u2013la follette act\",\"high policing\",\"post-work society\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"london school of economics\",\"china university of political science and law\",\"social media in the 2020 united states presidential election\",\"istv\\u00e1n hont\",\"walter f. dodd\",\"walter f. dodd\",\"walter f. dodd\",\"walter f. dodd\",\"walter f. dodd\",\"international security\",\"international security\",\"international security\",\"international security\",\"international security\",\"rivers state civil service\",\"philip converse\",\"philip converse\",\"philip converse\",\"philip converse\",\"philip converse\",\"philip converse\",\"common informer\",\"cura annonae\",\"cura annonae\",\"implementation\",\"implementation\",\"how voters feel\",\"taftian theory\",\"carl joachim friedrich\",\"carl joachim friedrich\",\"carl joachim friedrich\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"foreign policy\",\"carl albert center\",\"carl albert center\",\"transformation processes (media systems)\",\"transformation processes (media systems)\",\"transformation processes (media systems)\",\"qem\",\"qem\",\"clientelism\",\"clientelism\",\"clientelism\",\"clientelism\",\"clientelism\",\"ariane chebel d'appollonia\",\"ariane chebel d'appollonia\",\"schar school of policy and government\",\"schar school of policy and government\",\"schar school of policy and government\",\"schar school of policy and government\",\"schar school of policy and government\",\"schar school of policy and government\",\"schar school of policy and government\",\"schar school of policy and government\",\"schar school of policy and government\",\"schar school of policy and government\",\"international society of political psychology\",\"deployment management\",\"malinda s. smith\",\"grenoble institute of political studies\",\"grenoble institute of political studies\",\"asu college of public service & community solutions\",\"asu college of public service & community solutions\",\"coppieters foundation\",\"coppieters foundation\",\"ministry of infrastructure (ukraine)\",\"postfunctionalism\",\"heterotopia (space)\",\"heterotopia (space)\",\"numbers (vancouver)\",\"health system\",\"health system\",\"health system\",\"health system\",\"gladstone professor of government\",\"emilia justyna powell\",\"security studies (journal)\",\"work, employment & society\",\"henry e. brady\",\"henry e. brady\",\"henry e. brady\",\"graduate school of public policy, university of tokyo\",\"graduate school of public policy, university of tokyo\",\"graduate school of public policy, university of tokyo\",\"raisons politiques\",\"vocational panel\",\"territorialisation of carbon governance\",\"school of political and social sciences, unam\",\"military policy\",\"military policy\",\"military policy\",\"petitions of right (ireland) act 1873\",\"elif shafak\",\"jane duckett\",\"edward j. bloustein school of planning and public policy\",\"edward j. bloustein school of planning and public policy\",\"arab barometer\",\"population health\",\"population health\",\"population health\",\"population health\",\"social media use by donald trump\",\"social media use by donald trump\",\"social media use by donald trump\",\"political groups of the european parliament\",\"political groups of the european parliament\",\"parochialism\",\"parochialism\",\"political communication\",\"political communication\",\"multi-level governance\",\"multi-level governance\",\"paul van riper (political scientist)\",\"bolivarian revolution\",\"social policy\",\"social policy\",\"social policy\",\"social policy\",\"social policy\",\"social policy\",\"social policy\",\"fritz w. scharpf\",\"international relations and security network\",\"international relations and security network\",\"behavioral public administration\",\"international centre for black sea studies\",\"limitarianism (ethical)\",\"terry karl\",\"civil service\",\"civil service\",\"civil service\",\"civil service\",\"civil service\",\"civil service\",\"health policy in bangladesh\",\"tryph\\u00e9\",\"european school of political and social sciences\",\"fred w. riggs\",\"sciences po\",\"sciences po\",\"sciences po\",\"sciences po\",\"sciences po\",\"sciences po\",\"sciences po\",\"sciences po\",\"sciences po\",\"sciences po\",\"sciences po\",\"sciences po\",\"sciences po\",\"sciences po\",\"charlie bean (economist)\",\"journal of theoretical politics\",\"journal of theoretical politics\",\"patient participation\",\"robert f. wagner graduate school of public service\",\"robert f. wagner graduate school of public service\",\"robert f. wagner graduate school of public service\",\"public administration\",\"public administration\",\"public administration\",\"public administration\",\"public administration\",\"public administration\",\"public administration\",\"public administration\",\"public administration\",\"public administration\",\"public administration\",\"public administration\",\"public administration\",\"public administration\",\"public administration\",\"public administration\",\"public administration\",\"health policy\",\"health policy\",\"health policy\",\"health policy\",\"health policy\",\"alva myrdal\",\"alva myrdal\",\"classification of advocacy groups\",\"constitutionality\",\"human resource management in public administration\",\"chester barnard\",\"american university school of international service\",\"american university school of international service\",\"american university school of international service\",\"against equality of opportunity\",\"theory of change\",\"theory of change\",\"pork barrel\",\"wyn grant\",\"failed state\",\"failed state\",\"master of public administration\",\"master of public administration\",\"master of public administration\",\"master of public administration\",\"the birth of biopolitics\",\"school of public policy at central european university\",\"sam potolicchio\",\"graduate program in public management\",\"electronic process of law\",\"nonprofit and voluntary sector quarterly\",\"school of international and public affairs, columbia university\",\"school of international and public affairs, columbia university\",\"school of international and public affairs, columbia university\",\"sanford school of public policy\",\"sanford school of public policy\",\"sanford school of public policy\",\"european union studies association\",\"helen margetts\",\"security studies\",\"security studies\",\"colin rallings\",\"review of international political economy\",\"review of international political economy\",\"social media in the 2016 united states presidential election\",\"public policy school\",\"public policy school\",\"public policy school\",\"public policy school\",\"public policy school\",\"public policy school\",\"public policy school\",\"public policy school\",\"ioana marinescu\",\"political journalism\",\"mass media and american politics\",\"rent-setting\",\"conceptual economy\",\"quaternary sector of the economy\",\"politico-media complex\",\"petition of right\",\"petition of right\",\"petition of right\",\"social media use in politics\",\"kim campbell\",\"institut d'\\u00e9tudes politiques d'aix-en-provence\",\"the soldier and the state\",\"wisconsin school (diplomatic history)\",\"marie-christine kessler\",\"master of public policy\",\"master of public policy\",\"master of public policy\",\"bush school of government and public service\",\"bush school of government and public service\",\"political studies association\",\"political studies association\",\"political studies association\",\"political studies association\",\"communication university of china\",\"german university of administrative sciences speyer\",\"universal basic income\",\"political studies review\",\"institut d'\\u00e9tudes politiques de toulouse\",\"warren miller (political scientist)\",\"nonkilling global political science\",\"holocaust trivialization\",\"yakama manty jones\",\"masters in agricultural economics\",\"ernest barker\",\"blavatnik school of government\"]},\"selected\":{\"id\":\"4698\"},\"selection_policy\":{\"id\":\"4697\"}},\"id\":\"3387\",\"type\":\"ColumnDataSource\"},{\"attributes\":{\"data\":{\"alpha\":[0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75],\"depth\":[2,2,1,1,2,1,2,1,1,2,2,2,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,2,1,1,1,2,2,1,2,2,2,2,2,2,2,2,2,1,2,1,2,1,2,1,2,2,2,2,1,2,1,2,2,1,2,2,2,2,2,2,2,1,2,0,2,2,2,2,2,2,2,1,1,2,1,2,2,2,1,2,1,2,2,2,2,1,1,1,2,2,2,1,1,2,2,2,2,2,2,2,2,2,2,0,2,2,1,0,2,2,0,2,2,1,2,2,2,2,1,2,0,2,2,2,2,2],\"index\":[\"institute for economics and peace\",\"islamic funeral\",\"consummation\",\"bad governance\",\"history of the legal profession\",\"ghazi (warrior)\",\"henry habib\",\"fundacion manantiales\",\"proto-industrialization\",\"menstruation in islam\",\"history of the american legal profession\",\"madhhab\",\"regulatory competition\",\"leslie green (philosopher)\",\"law without the state\",\"muhammad taqi usmani\",\"jus commune\",\"parliamentary debate\",\"decentralized autonomous organization\",\"ahl al-hadith\",\"executive order\",\"rosa luxemburg foundation\",\"democratic party for a new society\",\"maxims of islamic law\",\"syed hayatullah\",\"archery\",\"feminist legal theory\",\"brocard (law)\",\"neil maccormick\",\"rosa brooks\",\"squirrel (debate)\",\"thawri\",\"kaarlo juho st\\u00e5hlberg\",\"civic virtue\",\"archon fung\",\"grey-zone (international relations)\",\"no war, no peace\",\"time-use research\",\"full spectrum diplomacy\",\"honeymoon\",\"jewish-palestinian living room dialogue group\",\"oliver lepsius\",\"bloc party (politics)\",\"occupatio\",\"predictive policing\",\"parliamentary procedure\",\"violent non-state actors at sea\",\"ratification\",\"writ\",\"note verbale\",\"international law\",\"sexual jihad\",\"code of hammurabi\",\"julius stone\",\"charg\\u00e9 de mission\",\"dualism (law)\",\"radicalization\",\"res publica christiana\",\"wedding reception\",\"philosophy, theology, and fundamental theory of catholic canon law\",\"decentralized computing\",\"notary (catholic canon law)\",\"quadrilateral security dialogue\",\"nonpartisanism\",\"resource conservation and recovery act\",\"jurisprudence\",\"ngo-ization\",\"border control\",\"travel behavior\",\"imperium\",\"debate chamber\",\"deliberation\",\"istihlal\",\"nigel simmonds\",\"american system of manufacturing\",\"\\u00e5land islands peace institute\",\"injustice\",\"marlon bundo\",\"ceremony\",\"liechtenstein institute on self-determination\",\"exequatur\",\"qazi syed inayatullah\",\"vacatio legis\",\"civility\",\"contingent sovereignty\",\"debate\",\"white wedding\",\"tripartite consultation (international labour standards) convention, 1976\",\"friedrich naumann foundation\",\"gate crashing\",\"spin room\",\"awza'i\",\"inside contracting\",\"wedding vow renewal ceremony\",\"usul fiqh in ja'fari school\",\"prediction market\",\"political party\",\"inquisitorial system\",\"promulgation (catholic canon law)\",\"violent non-state actor\",\"marriage of the virgin\",\"legal norm\",\"malikism in algeria\",\"job cohen\",\"custom (catholic canon law)\",\"martine-anstett award\",\"cultural survival\",\"releasing the spirits: a balinese ceremony\",\"the province of jurisprudence determined\",\"fiqh\",\"obreption and subreption (catholic canon law)\",\"international association of art critics\",\"comparative criminal justice\",\"stephanos bibas\",\"islamic toilet etiquette\",\"extemporaneous speaking\",\"dominium maris baltici\",\"salvador minguij\\u00f3n adri\\u00e1n\",\"effective number of parties\",\"argumentation and advocacy\",\"left group of finnish workers\",\"non-governmental organization\",\"wedding\",\"virtue jurisprudence\",\"bay'ah\",\"moderation theory\",\"federal law\",\"westphalian sovereignty\",\"institute for international law of peace and armed conflict\",\"non-state actor\",\"mahr\",\"civil discourse\",\"carles boix\",\"occupational closure\",\"sovereignty of the philippines\",\"rowman & littlefield award in innovative teaching\",\"islamic sexual jurisprudence\",\"outworker\",\"yehuda zvi blum\",\"list of national legal systems\",\"joe biden (the onion)\"],\"node_colour\":[\"#208F8C\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#FDE724\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\"],\"node_sizes\":[0.25,0.5,1.25,0.25,2.75,0.75,0.25,0.25,0.75,0.75,2.75,2.5,0.25,0.5,0.75,1.25,2.0,1.5,1.25,1.5,3.0,0.25,0.25,0.25,1.0,0.75,1.75,0.25,0.5,0.25,0.25,1.25,0.75,1.0,0.25,0.75,0.25,0.25,0.75,1.5,0.25,0.25,0.25,0.5,2.25,1.0,0.25,0.75,0.25,1.0,8.75,0.25,1.25,0.75,0.75,0.75,0.5,0.25,1.25,3.75,0.25,1.0,0.25,0.25,0.75,10.75,0.25,1.0,0.5,1.25,0.25,1.25,1.0,0.5,0.5,0.25,1.25,0.75,1.25,0.5,2.25,0.75,2.0,0.75,0.5,2.75,1.25,0.25,0.5,0.25,0.25,1.25,0.5,1.5,0.5,0.25,4.5,2.0,1.0,1.75,0.75,0.5,1.25,0.75,1.0,0.25,0.25,0.25,0.25,7.25,1.0,0.25,0.25,0.75,0.75,0.25,0.25,0.25,0.25,0.25,0.25,2.25,2.75,2.0,1.5,0.25,0.5,1.5,0.25,0.5,2.25,1.25,0.25,0.25,0.25,0.25,1.5,0.5,0.5,2.5,0.25],\"parent\":[\"political_science\",\"political_science\",\"anthropology\",\"political_science\",\"political_science\",\"anthropology\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"anthropology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"anthropology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"anthropology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"sociology\",\"political_science\",\"anthropology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"anthropology\",\"political_science\",\"political_science\",\"anthropology\",\"political_science\",\"political_science\",\"economics\",\"anthropology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"anthropology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"anthropology\",\"anthropology\",\"political_science\",\"political_science\",\"political_science\",\"psychology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"anthropology\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"political_science\",\"sociology\",\"political_science\",\"sociology\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"political_science\"]},\"selected\":{\"id\":\"4708\"},\"selection_policy\":{\"id\":\"4707\"}},\"id\":\"3515\",\"type\":\"ColumnDataSource\"},{\"attributes\":{},\"id\":\"4646\",\"type\":\"Title\"},{\"attributes\":{\"data\":{\"end\":[\"joseph schumpeter\",\"elinor ostrom\",\"adam smith\",\"friedrich hayek\",\"experimental economics\",\"public economics\",\"john hicks\",\"georgism\",\"marginalism\",\"natural capital\",\"utility\",\"e. f. schumacher\",\"kenneth arrow\",\"vernon l. smith\",\"neo-ricardianism\",\"stylized fact\",\"economic indicator\",\"men's underwear index\",\"joseph schumpeter\",\"cobweb model\",\"phillips curve\",\"blue economy\",\"friedrich hayek\",\"constitutional economics\",\"friedrich hayek\",\"joseph schumpeter\",\"supply and demand\",\"ordoliberalism\",\"adam smith\",\"friedrich hayek\",\"marginalism\",\"privatism\",\"evolutionary psychology\",\"elinor ostrom\",\"daniel kahneman\",\"accelerator effect\",\"steven n. s. cheung\",\"nava ashraf\",\"georg weizs\\u00e4cker\",\"new institutional economics\",\"simulation modeling\",\"joseph schumpeter\",\"elinor ostrom\",\"supply and demand\",\"adam smith\",\"friedrich hayek\",\"index of economics articles\",\"mainstream economics\",\"international economics\",\"jel classification codes\",\"opportunity cost\",\"is\\u2013lm model\",\"phillips curve\",\"marginalism\",\"knowledge economy\",\"economic data\",\"big push model\",\"economic model\",\"accelerator effect\",\"diminishing returns\",\"list of important publications in economics\",\"macroeconomic model\",\"convergence (economics)\",\"solow\\u2013swan model\",\"implicit cost\",\"law of supply\",\"ramsey\\u2013cass\\u2013koopmans model\",\"keynesian cross\",\"law of increasing costs\",\"99ers\",\"fei\\u2013ranis model of economic growth\",\"history of microeconomics\",\"glossary of economics\",\"economic transformation\",\"inframarginal analysis\",\"institutionalist political economy\",\"utility\",\"financial economics\",\"purchasing power parity\",\"economic indicator\",\"vernon l. smith\",\"john hicks\",\"service economy\",\"georgism\",\"social cost\",\"public economics\",\"assume a can opener\",\"evolutionary game theory\",\"cournot competition\",\"daniel kahneman\",\"e. f. schumacher\",\"kenneth arrow\",\"information economics\",\"index (economics)\",\"new institutional economics\",\"sonnenschein\\u2013mantel\\u2013debreu theorem\",\"blue economy\",\"journal of behavioral and experimental economics\",\"georg weizs\\u00e4cker\",\"attention economy\",\"homo economicus\",\"utility\",\"supply and demand\",\"adam smith\",\"research papers in economics\",\"index of economics articles\",\"mainstream economics\",\"international economics\",\"opportunity cost\",\"marginalism\",\"knowledge economy\",\"big push model\",\"economic model\",\"diminishing returns\",\"list of important publications in economics\",\"convergence (economics)\",\"public economics\",\"john hicks\",\"assume a can opener\",\"financial economics\",\"simulation modeling\",\"law of supply\",\"law of increasing costs\",\"fei\\u2013ranis model of economic growth\",\"glossary of economics\",\"inframarginal analysis\",\"institutionalist political economy\",\"economic indicator\",\"service economy\",\"georgism\",\"information economics\",\"new institutional economics\",\"sonnenschein\\u2013mantel\\u2013debreu theorem\",\"economics handbooks\",\"blue economy\",\"joseph schumpeter\",\"elinor ostrom\",\"adam smith\",\"friedrich hayek\",\"public economics\",\"john hicks\",\"georgism\",\"marginalism\",\"opportunity cost\",\"glossary of economics\",\"e. f. schumacher\",\"kenneth arrow\",\"mainstream economics\",\"georgism\",\"marginalism\",\"degrowth\",\"charles henry hull\",\"joseph schumpeter\",\"elinor ostrom\",\"supply and demand\",\"adam smith\",\"friedrich hayek\",\"index of economics articles\",\"mainstream economics\",\"international economics\",\"public economics\",\"john hicks\",\"assume a can opener\",\"cobweb model\",\"phillips curve\",\"problems with economic models\",\"solow\\u2013swan model\",\"heckscher\\u2013ohlin model\",\"is\\u2013lm model\",\"ramsey\\u2013cass\\u2013koopmans model\",\"economic model\",\"georgism\",\"marginalism\",\"e. f. schumacher\",\"kenneth arrow\",\"macroeconomic model\",\"loopco\",\"kiyotaki\\u2013moore model\",\"glossary of economics\",\"financial economics\",\"balassa\\u2013samuelson effect\",\"auction theory\",\"benny moldovanu\",\"supply and demand\",\"mainstream economics\",\"georgism\",\"marginalism\",\"degrowth\",\"evolutionary psychology\",\"institutional analysis\",\"index of economics articles\",\"is\\u2013lm model\",\"phillips curve\",\"knowledge economy\",\"accelerator effect\",\"diminishing returns\",\"list of important publications in economics\",\"macroeconomic model\",\"solow\\u2013swan model\",\"ramsey\\u2013cass\\u2013koopmans model\",\"mainstream economics\",\"law of rent\",\"keynesian cross\",\"99ers\",\"schelling's segregation model\",\"history of microeconomics\",\"glossary of economics\",\"economic transformation\",\"labor theory of property\",\"grazing rights\",\"adam smith\",\"friedrich hayek\",\"utility\",\"kenneth arrow\",\"william vickrey\",\"financial economics\",\"purchasing power parity\",\"economic indicator\",\"daniel mcfadden\",\"myron scholes\",\"daniel kahneman\",\"vernon l. smith\",\"public property\",\"leonid kantorovich\",\"john hicks\",\"michael spence\",\"eugene fama\",\"service economy\",\"georgism\",\"social cost\",\"john harsanyi\",\"clive granger\",\"thomas schelling\",\"trygve haavelmo\",\"paul milgrom\",\"index (economics)\",\"international economics\",\"paul romer\",\"steven n. s. cheung\",\"new institutional economics\",\"public economics\",\"elinor ostrom\",\"nava ashraf\",\"georg weizs\\u00e4cker\",\"bengt holmstr\\u00f6m\",\"attention economy\",\"air rights\",\"international economics\",\"giffen good\",\"import substitution industrialization\",\"hedonism\",\"catch-22\",\"heckscher\\u2013ohlin model\",\"elhanan helpman\",\"supply and demand\",\"utility\",\"demand shaping\",\"bowley's law\",\"hunter-gatherer\",\"manorialism\",\"corporatization\",\"in kind\",\"index of economics articles\",\"information economics\",\"utility\",\"beckstrom's law\",\"reed's law\",\"social multiplier effect\",\"heckscher\\u2013ohlin model\",\"sailing ship effect\",\"subsidy\",\"guido tabellini\",\"gustav stolper prize\",\"india quarterly\",\"indian economic and social history review\",\"policy sciences\",\"michael spence\",\"eugene fama\",\"adam smith\",\"adam smith\",\"georgism\",\"law of rent\",\"labor theory of property\",\"utility\",\"beckstrom's law\",\"adam smith\",\"vernon l. smith\",\"eugene fama\",\"arrow's impossibility theorem\",\"giffen good\",\"resource curse\",\"fenno's paradox\",\"diamond-water paradox\",\"st. petersburg paradox\",\"bertrand paradox (economics)\",\"edgeworth paradox\",\"paradox of thrift\",\"paradox of value\",\"scitovsky paradox\",\"downs\\u2013thomson paradox\",\"mandeville's paradox\",\"icarus paradox\",\"paradox of prosperity\",\"lerner paradox\",\"hobbesian trap\",\"catch-22\",\"the good soldier \\u0161vejk\",\"nominative determinism\",\"sunk cost\",\"new institutional economics\",\"georgism\",\"knowledge economy\",\"hunter-gatherer\",\"service economy\",\"manorialism\",\"attention economy\",\"local service delivery\",\"open economy\",\"robinson crusoe economy\",\"in kind\",\"anglo-saxon model\",\"evolutionary psychology\",\"joseph schumpeter\",\"supply and demand\",\"ordoliberalism\",\"adam smith\",\"index of economics articles\",\"is\\u2013lm model\",\"phillips curve\",\"dispersed knowledge\",\"marginalism\",\"knowledge economy\",\"accelerator effect\",\"diminishing returns\",\"list of important publications in economics\",\"macroeconomic model\",\"history of capitalist theory\",\"solow\\u2013swan model\",\"paradox of thrift\",\"ramsey\\u2013cass\\u2013koopmans model\",\"mainstream economics\",\"keynesian cross\",\"ak model\",\"99ers\",\"history of microeconomics\",\"glossary of economics\",\"economic transformation\",\"visible hand (economics)\",\"consumer class\",\"anglo-saxon model\",\"constitutional economics\",\"privatism\",\"the road to serfdom\",\"john hicks\",\"the counter-revolution of science\",\"kenneth arrow\",\"information economics\",\"lawrence summers\",\"the american journal of economics and sociology\",\"finance & development\",\"friedrich hayek\",\"trygve haavelmo\",\"william vickrey\",\"daniel kahneman\",\"vernon l. smith\",\"bengt holmstr\\u00f6m\",\"paul romer\",\"paul milgrom\",\"public economics\",\"georgism\",\"e. f. schumacher\",\"utility\",\"financial economics\",\"purchasing power parity\",\"economic indicator\",\"service economy\",\"robert heilbroner\",\"social cost\",\"consumer debt\",\"eco-capitalism\",\"index (economics)\",\"international economics\",\"new institutional economics\",\"attention economy\",\"joseph schumpeter\",\"resource curse\",\"mainstream economics\",\"paradox of thrift\",\"economics (textbook)\",\"david laidler\",\"robert heilbroner\",\"adam smith\",\"air rights\",\"supply and demand\",\"adam smith\",\"index of economics articles\",\"mainstream economics\",\"international economics\",\"public economics\",\"opportunity cost\",\"marginalism\",\"knowledge economy\",\"big push model\",\"diminishing returns\",\"list of important publications in economics\",\"convergence (economics)\",\"law of supply\",\"law of increasing costs\",\"fei\\u2013ranis model of economic growth\",\"glossary of economics\",\"inframarginal analysis\",\"institutionalist political economy\",\"financial economics\",\"economic indicator\",\"service economy\",\"georgism\",\"information economics\",\"new institutional economics\",\"sonnenschein\\u2013mantel\\u2013debreu theorem\",\"blue economy\",\"solow\\u2013swan model\",\"price index\",\"economic indicator\",\"analytical sociology\",\"index of economics articles\",\"opportunity cost\",\"demand curve\",\"marginal propensity to consume\",\"factors of production\",\"finance & development\",\"opportunity cost\",\"peace dividend\",\"production\\u2013possibility frontier\",\"index of economics articles\",\"lawrence summers\",\"mesoeconomics\",\"wallace neutrality\",\"benjamin moll\",\"inter-municipal cooperation\",\"joseph schumpeter\",\"median voter theorem\",\"downs\\u2013thomson paradox\",\"public economics\",\"an economic theory of democracy\",\"david laidler\",\"william a. niskanen\",\"myron scholes\",\"eugene fama\",\"steven n. s. cheung\",\"john hicks\",\"information economics\",\"kenneth arrow\",\"thomas schelling\",\"daniel kahneman\",\"john harsanyi\",\"paul milgrom\",\"william vickrey\",\"economic data\",\"schelling's segregation model\",\"american recovery and reinvestment act of 2009\",\"daniel mcfadden\",\"myron scholes\",\"vernon l. smith\",\"trygve haavelmo\",\"bengt holmstr\\u00f6m\",\"paul romer\",\"leonid kantorovich\",\"michael spence\",\"eugene fama\",\"clive granger\",\"list of financial economists\",\"joseph schumpeter\",\"supply and demand\",\"ordoliberalism\",\"adam smith\",\"marginalism\",\"hunter-gatherer\",\"manorialism\",\"privatism\",\"in kind\",\"paul milgrom\",\"elhanan helpman\",\"daniel mcfadden\",\"gustav stolper prize\",\"economic indicator\",\"economic data\",\"index (economics)\",\"index of economics articles\",\"supply and demand\",\"index of economics articles\",\"john hicks\",\"ceteris paribus\",\"giffen good\",\"indifference curve\",\"information economics\",\"marginal rate of substitution\",\"opportunity cost\",\"list of important publications in economics\",\"demand curve\",\"backward bending supply curve of labour\",\"history of microeconomics\",\"glossary of economics\",\"utility\",\"sunk cost\",\"big push model\",\"hunter-gatherer\",\"manorialism\",\"in kind\",\"convergence (economics)\",\"organizational space\",\"joseph schumpeter\",\"supply and demand\",\"ordoliberalism\",\"adam smith\",\"marginalism\",\"eco-capitalism\",\"history of capitalist theory\",\"visible hand (economics)\",\"consumer class\",\"new institutional economics\",\"natural capital\",\"degrowth\",\"joseph schumpeter\",\"adam smith\",\"international economics\",\"public economics\",\"john hicks\",\"factors of production\",\"georgism\",\"marginalism\",\"phillips curve\",\"e. f. schumacher\",\"kenneth arrow\",\"keynesian cross\",\"macroeconomic model\",\"diminishing returns\",\"ramsey\\u2013cass\\u2013koopmans model\",\"paul romer\",\"index of economics articles\",\"utility\",\"joseph schumpeter\",\"adam smith\",\"public economics\",\"john hicks\",\"georgism\",\"knowledge economy\",\"marginalism\",\"e. f. schumacher\",\"kenneth arrow\",\"hunter-gatherer\",\"manorialism\",\"in kind\",\"joseph schumpeter\",\"supply and demand\",\"adam smith\",\"index of economics articles\",\"mainstream economics\",\"international economics\",\"public economics\",\"opportunity cost\",\"is\\u2013lm model\",\"phillips curve\",\"marginalism\",\"knowledge economy\",\"big push model\",\"accelerator effect\",\"diminishing returns\",\"list of important publications in economics\",\"macroeconomic model\",\"convergence (economics)\",\"law of supply\",\"ramsey\\u2013cass\\u2013koopmans model\",\"hicks-neutral technical change\",\"keynesian cross\",\"law of increasing costs\",\"ak model\",\"99ers\",\"bowley's law\",\"fei\\u2013ranis model of economic growth\",\"history of microeconomics\",\"glossary of economics\",\"economic transformation\",\"inframarginal analysis\",\"visible hand (economics)\",\"institutionalist political economy\",\"utility\",\"kenneth arrow\",\"william vickrey\",\"financial economics\",\"purchasing power parity\",\"economic indicator\",\"john hicks\",\"trygve haavelmo\",\"lawrence summers\",\"georgism\",\"e. f. schumacher\",\"daniel kahneman\",\"bengt holmstr\\u00f6m\",\"paul romer\",\"paul milgrom\",\"service economy\",\"social cost\",\"consumer debt\",\"information economics\",\"index (economics)\",\"new institutional economics\",\"sonnenschein\\u2013mantel\\u2013debreu theorem\",\"blue economy\",\"hicks-tinbergen award\",\"expansionary fiscal contraction\",\"hicks-tinbergen award\",\"benny moldovanu\",\"paola giuliano\",\"pierre-andr\\u00e9 chiappori\",\"opportunity cost\",\"joseph schumpeter\",\"adam smith\",\"international economics\",\"public economics\",\"georgism\",\"marginalism\",\"phillips curve\",\"utility\",\"e. f. schumacher\",\"kenneth arrow\",\"keynesian cross\",\"macroeconomic model\",\"keynes\\u2013ramsey rule\",\"adam smith\",\"index of economics articles\",\"mainstream economics\",\"international economics\",\"economic indicator\",\"financial economics\",\"knowledge economy\",\"natural capital\",\"phillips curve\",\"purchasing power parity\",\"social cost\",\"utility\",\"glossary of economics\",\"is\\u2013lm model\",\"accelerator effect\",\"diminishing returns\",\"list of important publications in economics\",\"macroeconomic model\",\"keynesian cross\",\"99ers\",\"history of microeconomics\",\"economic transformation\",\"consumer class\",\"e. f. schumacher\",\"degrowth\",\"service economy\",\"index (economics)\",\"evolutionary psychology\",\"adam smith\",\"daniel kahneman\",\"accelerator effect\",\"new institutional economics\",\"nava ashraf\",\"georg weizs\\u00e4cker\",\"david laidler\",\"william a. niskanen\",\"myron scholes\",\"eugene fama\",\"supply and demand\",\"index of economics articles\",\"information economics\",\"opportunity cost\",\"demand curve\",\"history of microeconomics\",\"glossary of economics\",\"utility\",\"marginal propensity to consume\",\"keynes\\u2013ramsey rule\",\"marginal rate of substitution\",\"sunk cost\",\"financial economics\",\"myron scholes\",\"jensen prize\",\"thomas schelling\",\"joseph schumpeter\",\"supply and demand\",\"adam smith\",\"index of economics articles\",\"mainstream economics\",\"opportunity cost\",\"is\\u2013lm model\",\"phillips curve\",\"marginalism\",\"knowledge economy\",\"big push model\",\"accelerator effect\",\"diminishing returns\",\"list of important publications in economics\",\"macroeconomic model\",\"balassa\\u2013samuelson effect\",\"convergence (economics)\",\"law of supply\",\"keynesian cross\",\"law of increasing costs\",\"ak model\",\"99ers\",\"fei\\u2013ranis model of economic growth\",\"glossary of economics\",\"inframarginal analysis\",\"visible hand (economics)\",\"institutionalist political economy\",\"financial economics\",\"economic indicator\",\"service economy\",\"georgism\",\"consumer debt\",\"information economics\",\"public economics\",\"import substitution industrialization\",\"international economics\",\"kenneth arrow\",\"new institutional economics\",\"sonnenschein\\u2013mantel\\u2013debreu theorem\",\"giancarlo corsetti\",\"blue economy\",\"organizational space\",\"homo economicus\",\"arrow's impossibility theorem\",\"cournot competition\",\"kenneth arrow\",\"evolutionary game theory\",\"thomas schelling\",\"two-level game theory\",\"bertrand paradox (economics)\",\"bertrand competition\",\"daniel kahneman\",\"john harsanyi\",\"paul milgrom\",\"william vickrey\",\"marginal propensity to consume\",\"auction theory\",\"sonnenschein\\u2013mantel\\u2013debreu theorem\",\"supply and demand\",\"paul milgrom\",\"william vickrey\",\"evolutionary game theory\",\"adam smith\",\"index of economics articles\",\"induced consumption\",\"consumer sovereignty\",\"financial economics\",\"daniel kahneman\",\"homo economicus\",\"autonomous consumption\",\"consumer debt\",\"arrow's impossibility theorem\",\"john harsanyi\",\"kenneth arrow\",\"paul milgrom\",\"thomas schelling\",\"william vickrey\",\"evolutionary game theory\",\"efficiency wage\",\"evolutionary psychology\",\"arrow's impossibility theorem\",\"cournot competition\",\"utility\",\"kenneth arrow\",\"evolutionary game theory\",\"thomas schelling\",\"two-level game theory\",\"st. petersburg paradox\",\"bertrand paradox (economics)\",\"accelerator effect\",\"bertrand competition\",\"schelling's segregation model\",\"economic evaluation of time\",\"william vickrey\",\"daniel mcfadden\",\"myron scholes\",\"daniel kahneman\",\"nava ashraf\",\"georg weizs\\u00e4cker\",\"john harsanyi\",\"paul milgrom\",\"trygve haavelmo\",\"bengt holmstr\\u00f6m\",\"paul romer\",\"leonid kantorovich\",\"michael spence\",\"eugene fama\",\"clive granger\",\"list of jewish american economists\",\"new institutional economics\",\"list of financial economists\",\"sunk cost\",\"joseph schumpeter\",\"adam smith\",\"public economics\",\"georgism\",\"marginalism\",\"phillips curve\",\"kenneth arrow\",\"keynesian cross\",\"macroeconomic model\",\"american recovery and reinvestment act of 2009\",\"lawrence summers\",\"adam smith\",\"index of economics articles\",\"heckscher\\u2013ohlin model\",\"balassa\\u2013samuelson effect\",\"infant industry argument\",\"thomas schelling\",\"schelling's segregation model\",\"adam smith\",\"index of economics articles\",\"georgism\",\"lump-sum tax\",\"glossary of economics\",\"constitutional economics\",\"hicks-tinbergen award\",\"thomas schelling\",\"schelling's segregation model\",\"ordoliberalism\",\"lawrence summers\",\"expansionary fiscal contraction\",\"financial economics\",\"edgeworth binomial tree\",\"natural capital\",\"financial economics\",\"adam smith\",\"giffen good\",\"marginalism\",\"hedonism\",\"supply and demand\",\"subsidy\",\"evolutionary psychology\",\"giancarlo corsetti\",\"evolutionary psychology\",\"evolutionary game theory\",\"darwinian anthropology\",\"indifference curve\",\"marginal rate of substitution\",\"glossary of economics\",\"financial economics\",\"marginal rate of substitution\",\"utility\",\"joseph schumpeter\",\"adam smith\",\"the triple revolution\",\"robert heilbroner\",\"adam smith\",\"financial economics\",\"evolutionary psychology\",\"joseph schumpeter\",\"supply and demand\",\"adam smith\",\"index of economics articles\",\"public economics\",\"ceteris paribus\",\"financial economics\",\"georgism\",\"indifference curve\",\"information economics\",\"marginal rate of substitution\",\"marginalism\",\"opportunity cost\",\"st. petersburg paradox\",\"list of important publications in economics\",\"demand curve\",\"backward bending supply curve of labour\",\"samuelson condition\",\"economic satiation\",\"history of microeconomics\",\"glossary of economics\",\"problems with economic models\",\"small office/home office\",\"revealed preference\",\"kenneth arrow\",\"sonnenschein\\u2013mantel\\u2013debreu theorem\",\"pricing kernel\",\"sunk cost\",\"lawrence summers\",\"georgism\",\"knowledge economy\",\"hunter-gatherer\",\"service economy\",\"robinson crusoe economy\",\"public economics\",\"knowledge economy\",\"index of economics articles\",\"resource curse\",\"is\\u2013lm model\",\"edgeworth box\",\"marginal rate of substitution\",\"hunter-gatherer\",\"manorialism\",\"marginal rate of transformation\",\"induced consumption\",\"autonomous consumption\",\"macroeconomic model\",\"diminishing returns\",\"joseph schumpeter\",\"kenneth arrow\",\"daniel mcfadden\",\"trygve haavelmo\",\"bengt holmstr\\u00f6m\",\"supply and demand\",\"thomas schelling\",\"mesoeconomics\",\"joseph schumpeter\",\"adam smith\",\"public economics\",\"economic indicator\",\"georgism\",\"marginalism\",\"purchasing power parity\",\"kenneth arrow\",\"price index\",\"glossary of economics\",\"average variable cost\",\"joseph schumpeter\",\"adam smith\",\"index of economics articles\",\"mainstream economics\",\"public economics\",\"jensen prize\",\"glossary of economics\",\"real economy\",\"st. petersburg paradox\",\"financial economics\",\"marginal rate of substitution\",\"binomial options pricing model\",\"financial models with long-tailed distributions and volatility clustering\",\"volatility clustering\",\"list of financial economists\",\"kenneth arrow\",\"eugene fama\",\"myron scholes\",\"georgism\",\"marginalism\",\"lawrence summers\",\"clive granger\",\"pricing kernel\",\"adam smith\",\"index of economics articles\",\"mainstream economics\",\"public economics\",\"fei\\u2013ranis model of economic growth\",\"glossary of economics\",\"finance & development\",\"financial models with long-tailed distributions and volatility clustering\",\"giffen good\",\"hedonism\",\"sonnenschein\\u2013mantel\\u2013debreu theorem\",\"degrowth\",\"consumer class\",\"giffen good\",\"hedonism\",\"giffen good\",\"hedonism\",\"index of economics articles\",\"glossary of economics\",\"joseph schumpeter\",\"supply and demand\",\"marginalism\",\"history of capitalist theory\",\"visible hand (economics)\",\"consumer class\",\"adam smith\",\"eco-capitalism\",\"new institutional economics\",\"index of economics articles\",\"indifference curve\",\"marginalism\",\"production\\u2013possibility frontier\",\"samuelson condition\",\"fei\\u2013ranis model of economic growth\",\"revealed preference\",\"marginal rate of transformation\",\"pricing kernel\",\"adam smith\",\"resource curse\",\"indifference curve\",\"opportunity cost\",\"nava ashraf\",\"sunk cost\",\"evolutionary psychology\",\"arrow's impossibility theorem\",\"cournot competition\",\"kenneth arrow\",\"two-level game theory\",\"bertrand paradox (economics)\",\"bertrand competition\",\"john harsanyi\",\"evolutionary game theory\",\"paul milgrom\",\"thomas schelling\",\"william vickrey\",\"consumer debt\",\"joseph schumpeter\",\"supply and demand\",\"index of economics articles\",\"arrow's impossibility theorem\",\"bertrand paradox (economics)\",\"bertrand competition\",\"john harsanyi\",\"kenneth arrow\",\"paul milgrom\",\"thomas schelling\",\"william vickrey\",\"merger simulation\",\"index of economics articles\",\"georgism\",\"resource curse\",\"circular flow of income\",\"eco-capitalism\",\"weak and strong sustainability\",\"degrowth\",\"ecodynamics\",\"natural capital\",\"clive granger\",\"macroeconomic model\",\"structural estimation\",\"glossary of economics\",\"diminishing returns\",\"returns (economics)\",\"joseph schumpeter\",\"supply and demand\",\"adam smith\",\"index of economics articles\",\"opportunity cost\",\"marginalism\",\"knowledge economy\",\"diminishing returns\",\"list of important publications in economics\",\"neo-ricardianism\",\"convergence (economics)\",\"paradox of thrift\",\"law of supply\",\"public economics\",\"information economics\",\"georgism\",\"kenneth arrow\",\"keynesian cross\",\"phillips curve\",\"macroeconomic model\",\"law of increasing costs\",\"fei\\u2013ranis model of economic growth\",\"glossary of economics\",\"inframarginal analysis\",\"institutionalist political economy\",\"constitutional economics\",\"factors of production\",\"economic indicator\",\"service economy\",\"new institutional economics\",\"sonnenschein\\u2013mantel\\u2013debreu theorem\",\"blue economy\",\"adam smith\",\"index of economics articles\",\"dollar voting\",\"autonomous consumption\",\"induced consumption\",\"consumer debt\",\"joseph schumpeter\",\"adam smith\",\"index of economics articles\",\"public economics\",\"georgism\",\"marginalism\",\"is\\u2013lm model\",\"keynesian cross\",\"macroeconomic model\",\"kenneth arrow\",\"accelerator effect\",\"beveridge curve\",\"ak model\",\"visible hand (economics)\",\"consumer debt\",\"adam smith\",\"public economics\",\"adam smith\",\"public economics\",\"glossary of economics\",\"adam smith\",\"dispersed knowledge\",\"the road to serfdom\",\"the counter-revolution of science\",\"index of economics articles\",\"differentiated bertrand competition\",\"supply and demand\",\"index of economics articles\",\"giffen good\",\"opportunity cost\",\"marginalism\",\"demand curve\",\"history of microeconomics\",\"glossary of economics\",\"information economics\",\"corner solution\",\"kenneth arrow\",\"daniel mcfadden\",\"american recovery and reinvestment act of 2009\",\"adam smith\",\"giffen good\",\"hedonism\",\"armchair theorizing\",\"adam smith\",\"dispersed knowledge\",\"inframarginal analysis\",\"joseph schumpeter\",\"adam smith\",\"public economics\",\"georgism\",\"marginalism\",\"kenneth arrow\",\"is\\u2013lm model\",\"accelerator effect\",\"macroeconomic model\",\"circular flow of income\",\"marginal propensity to consume\",\"ak model\",\"identity line\",\"visible hand (economics)\",\"consumer debt\",\"adam smith\",\"arrow's impossibility theorem\",\"kenneth arrow\",\"thomas schelling\",\"two-level game theory\",\"bertrand paradox (economics)\",\"bertrand competition\",\"john harsanyi\",\"trygve haavelmo\",\"william vickrey\",\"bengt holmstr\\u00f6m\",\"paul romer\",\"paul milgrom\",\"wilson doctrine (economics)\",\"joseph schumpeter\",\"supply and demand\",\"adam smith\",\"marginalism\",\"degrowth\",\"history of capitalist theory\",\"adam smith\",\"index of economics articles\",\"knowledge economy\",\"production\\u2013possibility frontier\",\"circular flow of income\",\"heckscher\\u2013ohlin model\",\"leontief production function\",\"list of production functions\",\"long-run cost curve\",\"fei\\u2013ranis model of economic growth\",\"history of microeconomics\",\"glossary of economics\",\"diminishing returns\",\"marginal factor cost\",\"factors of production\",\"marginal rate of transformation\",\"adam smith\",\"georgism\",\"marginalism\",\"economic law\",\"institutionalist political economy\",\"new institutional economics\",\"degrowth\",\"public property\",\"joseph schumpeter\",\"supply and demand\",\"adam smith\",\"marginalism\",\"new institutional economics\",\"hotelling's law\",\"arrow's impossibility theorem\",\"an economic theory of democracy\",\"journal of public economics\",\"curvilinear disparity\",\"adam smith\",\"index of economics articles\",\"public economics\",\"glossary of economics\",\"michael spence\",\"adam smith\",\"public economics\",\"georgism\",\"marginalism\",\"degrowth\",\"supply and demand\",\"dynamic discrete choice\",\"structural estimation\",\"edgeworth box\",\"giffen good\",\"hedonism\",\"bertrand paradox (economics)\",\"bertrand competition\",\"revealed preference\",\"arrow's impossibility theorem\",\"differentiated bertrand competition\",\"giffen good\",\"hotelling's law\",\"kenneth arrow\",\"thomas schelling\",\"paul milgrom\",\"william vickrey\",\"hedonism\",\"bertrand competition\",\"opportunity cost\",\"joseph schumpeter\",\"supply and demand\",\"public economics\",\"arrow's impossibility theorem\",\"georgism\",\"kenneth arrow\",\"thomas schelling\",\"two-level game theory\",\"paul milgrom\",\"bertrand competition\",\"schelling's segregation model\",\"william vickrey\",\"trygve haavelmo\",\"lawrence summers\",\"bengt holmstr\\u00f6m\",\"paul romer\",\"daniel mcfadden\",\"myron scholes\",\"leonid kantorovich\",\"michael spence\",\"eugene fama\",\"clive granger\",\"jacob hollander\",\"giffen good\",\"marginalism\",\"hedonism\",\"history of microeconomics\",\"the triple revolution\",\"the american journal of economics and sociology\",\"daniel mcfadden\",\"conjoint analysis\",\"dynamic discrete choice\",\"opportunity cost\",\"paul milgrom\",\"kenneth arrow\",\"daniel mcfadden\",\"lawrence summers\",\"trygve haavelmo\",\"hunter-gatherer\",\"joseph schumpeter\",\"supply and demand\",\"adam smith\",\"index of economics articles\",\"public economics\",\"georgism\",\"marginalism\",\"opportunity cost\",\"fei\\u2013ranis model of economic growth\",\"social cost\",\"kenneth arrow\",\"adam smith\",\"public economics\",\"new institutional economics\",\"service economy\",\"joseph schumpeter\",\"supply and demand\",\"adam smith\",\"index of economics articles\",\"public economics\",\"ceteris paribus\",\"economic indicator\",\"georgism\",\"knowledge economy\",\"is\\u2013lm model\",\"opportunity cost\",\"diminishing returns\",\"paradox of value\",\"degrowth\",\"accelerator effect\",\"list of important publications in economics\",\"neo-ricardianism\",\"macroeconomic model\",\"history of microeconomics\",\"glossary of economics\",\"economic transformation\",\"visible hand (economics)\",\"purchasing power parity\",\"service economy\",\"eco-capitalism\",\"new institutional economics\",\"ceteris paribus\",\"economic indicator\",\"purchasing power parity\",\"glossary of economics\",\"heckscher\\u2013ohlin model\",\"balassa\\u2013samuelson effect\",\"inertial inflation\",\"deflator\",\"sectoral output\",\"dixit\\u2013stiglitz model\",\"index of economics articles\",\"two-level game theory\",\"kenneth arrow\",\"hedonism\",\"giffen good\",\"paul milgrom\",\"thomas schelling\",\"bertrand competition\",\"glossary of economics\",\"opportunity cost\",\"joseph schumpeter\",\"kenneth arrow\",\"thomas schelling\",\"paul milgrom\",\"myron scholes\",\"daniel mcfadden\",\"clive granger\",\"paul romer\",\"schelling's segregation model\",\"leonid kantorovich\",\"michael spence\",\"eugene fama\",\"trygve haavelmo\",\"bengt holmstr\\u00f6m\",\"purchasing power parity\",\"real-time economy\",\"supply and demand\",\"purchasing power parity\",\"production\\u2013possibility frontier\",\"balassa\\u2013samuelson effect\",\"heckscher\\u2013ohlin model\",\"georgism\",\"knowledge economy\",\"kalahari debate\",\"dynamic density\",\"manorialism\",\"service economy\",\"glossary of economics\",\"joseph schumpeter\",\"adam smith\",\"public economics\",\"georgism\",\"opportunity cost\",\"glossary of economics\",\"kenneth arrow\",\"macroeconomic model\",\"accelerator effect\",\"is\\u2013lm model\",\"joseph schumpeter\",\"supply and demand\",\"index of economics articles\",\"opportunity cost\",\"knowledge economy\",\"accelerator effect\",\"diminishing returns\",\"list of important publications in economics\",\"macroeconomic model\",\"convergence (economics)\",\"circular flow of income\",\"paradox of thrift\",\"paradox of value\",\"market allocation scheme\",\"law of supply\",\"law of rent\",\"ak model\",\"vent for surplus\",\"fei\\u2013ranis model of economic growth\",\"history of microeconomics\",\"glossary of economics\",\"economic transformation\",\"visible hand (economics)\",\"dynamic density\",\"on the principles of political economy and taxation\",\"labor theory of property\",\"say's political economy\",\"winner-take-all politics\",\"public economics\",\"adam smith\",\"georgism\",\"kenneth arrow\",\"purchasing power parity\",\"economic indicator\",\"public property\",\"service economy\",\"consumer debt\",\"eco-capitalism\",\"new institutional economics\",\"returns (economics)\",\"sonnenschein\\u2013mantel\\u2013debreu theorem\",\"financial innovation\",\"air rights\",\"macroeconomic model\",\"credit default option\",\"forward price\",\"induced consumption\",\"option screener\",\"binomial options pricing model\",\"autonomous consumption\",\"garman-kohlhagen model\",\"roll-geske-whaley\",\"edgeworth binomial tree\",\"index of economics articles\",\"supply and demand\",\"knowledge economy\",\"accelerator effect\",\"diminishing returns\",\"list of important publications in economics\",\"macroeconomic model\",\"schelling's segregation model\",\"history of microeconomics\",\"glossary of economics\",\"economic transformation\",\"visible hand (economics)\",\"joseph schumpeter\",\"kenneth arrow\",\"daniel mcfadden\",\"bengt holmstr\\u00f6m\",\"purchasing power parity\",\"economic indicator\",\"service economy\",\"georgism\",\"eco-capitalism\",\"thomas schelling\",\"paul romer\",\"new institutional economics\",\"jacob hollander\",\"georgism\",\"knowledge economy\",\"service economy\",\"index of economics articles\",\"public economics\",\"demand curve\",\"opportunity cost\",\"ceteris paribus\",\"law of supply\",\"giffen good\",\"cobweb model\",\"forward exchange market\",\"market mechanism\",\"economic graph\",\"market rate\",\"glossary of economics\",\"visible hand (economics)\",\"georgism\",\"eco-capitalism\",\"new institutional economics\",\"on the principles of political economy and taxation\",\"principles of political economy\",\"public economics\",\"glossary of economics\",\"demand curve\",\"list of production functions\",\"georgism\",\"law of rent\",\"public property\",\"air rights\",\"knowledge economy\",\"index of economics articles\",\"kenneth arrow\",\"public economics\",\"georgism\",\"kenneth arrow\",\"journal of public economics\",\"accelerator effect\",\"ak model\",\"visible hand (economics)\",\"glossary of economics\",\"base period\",\"deflator\",\"public economics\",\"diminishing returns\",\"public economics\",\"ceteris paribus\",\"cobweb model\",\"differentiated bertrand competition\",\"dispersed knowledge\",\"economic base analysis\",\"economic graph\",\"economic indicator\",\"fractional-reserve banking\",\"georgism\",\"gerschenkron effect\",\"giffen good\",\"hotelling's law\",\"identity economics\",\"knowledge economy\",\"opportunity cost\",\"purchasing power parity\",\"universe (economics)\",\"glossary of economics\",\"list of production functions\",\"kenneth arrow\",\"public economics\",\"ceteris paribus\",\"economic indicator\",\"georgism\",\"opportunity cost\",\"purchasing power parity\",\"autonomous consumption\",\"productive capacity\",\"circular flow of income\",\"base period\",\"demand curve\",\"diminishing returns\",\"inventory bounce\",\"marginal propensity to consume\",\"service economy\",\"kenneth arrow\",\"georgism\",\"ralph borsodi\",\"georgism\",\"law of rent\",\"diminishing returns\",\"public economics\",\"ceteris paribus\",\"georgism\",\"opportunity cost\",\"kenneth arrow\",\"georgism\",\"degrowth\",\"myron scholes\",\"david laidler\",\"eugene fama\",\"georgism\",\"law of rent\",\"accelerator effect\",\"induced consumption\",\"autonomous consumption\",\"ceteris paribus\",\"accelerator effect\",\"long-run cost curve\",\"economic indicator\",\"economics handbooks\",\"daniel mcfadden\",\"jacob hollander\",\"kenneth arrow\",\"thomas schelling\",\"paul milgrom\",\"schelling's segregation model\",\"economists for peace and security\",\"bengt holmstr\\u00f6m\",\"paul romer\",\"michael spence\",\"market mechanism\",\"forward price\",\"option screener\",\"binomial options pricing model\",\"garman-kohlhagen model\",\"roll-geske-whaley\",\"edgeworth binomial tree\",\"public economics\",\"georgism\",\"knowledge economy\",\"kenneth arrow\",\"conjoint analysis\",\"new institutional economics\",\"paul milgrom\",\"public economics\",\"georgism\",\"learning economy\",\"knowledge economy\",\"kenneth arrow\",\"economic indicator\",\"purchasing power parity\",\"two-level game theory\",\"accelerator effect\",\"list of important publications in economics\",\"bertrand competition\",\"history of microeconomics\",\"economic transformation\",\"michael spence\",\"ak model\",\"paul romer\",\"kenneth arrow\",\"bengt holmstr\\u00f6m\",\"paul milgrom\",\"economists for peace and security\",\"w. kip viscusi\",\"list of financial economists\",\"resource curse\",\"principles of political economy\",\"paul romer\",\"output elasticity\",\"identity line\",\"fractional-reserve banking\",\"opportunity cost\",\"paradox of thrift\",\"eugene fama\",\"giffen good\",\"hedonism\",\"thomas schelling\",\"paul milgrom\",\"paul romer\",\"bengt holmstr\\u00f6m\",\"georgism\",\"paradox of thrift\",\"new institutional economics\",\"weak and strong sustainability\",\"thomas schelling\",\"paul milgrom\",\"myron scholes\",\"clive granger\",\"leonid kantorovich\",\"michael spence\",\"eugene fama\",\"paul romer\",\"bengt holmstr\\u00f6m\",\"local multiplier effect\",\"public economics\",\"cobweb model\",\"georgism\",\"giffen good\",\"demand curve\",\"paradox of value\",\"on the principles of political economy and taxation\",\"samuelson condition\",\"michael spence\",\"forward price\",\"two-level game theory\",\"bertrand competition\",\"michael spence\",\"thomas schelling\",\"bengt holmstr\\u00f6m\",\"paul milgrom\",\"economists for peace and security\",\"economic law\",\"paul milgrom\",\"myron scholes\",\"clive granger\",\"leonid kantorovich\",\"michael spence\",\"eugene fama\",\"bengt holmstr\\u00f6m\",\"resource curse\",\"principles of political economy\",\"forward price\",\"myron scholes\",\"binomial options pricing model\",\"paul milgrom\",\"clive granger\",\"paul milgrom\",\"myron scholes\",\"eugene fama\",\"peter jaeckel\",\"paul milgrom\",\"myron scholes\",\"david laidler\",\"eugene fama\",\"purchasing power parity\",\"economic transformation\",\"giffen good\",\"hedonism\",\"paradox of thrift\",\"dollar voting\",\"small office/home office\",\"hicks-neutral technical change\",\"electronic funds transfer\",\"maturity transformation\",\"forward price\",\"binomial options pricing model\",\"conjoint analysis\",\"revealed preference\",\"giffen good\",\"hedonism\",\"bertrand competition\",\"public economics\",\"demand curve\",\"giffen good\",\"fenno's paradox\",\"paradox of value\",\"icarus paradox\",\"hedonism\",\"evolutionary psychology\",\"public economics\",\"georgism\",\"accelerator effect\",\"nava ashraf\",\"georg weizs\\u00e4cker\",\"colonial origins of comparative development\",\"new institutional economics\",\"darwinian anthropology\",\"accelerator effect\",\"evolutionary psychology\",\"nava ashraf\",\"georg weizs\\u00e4cker\",\"public economics\",\"public economics\",\"georgism\",\"on the principles of political economy and taxation\",\"myron scholes\",\"preclusive purchasing\",\"accelerator effect\",\"georg weizs\\u00e4cker\",\"georgism\",\"giffen good\",\"autonomous consumption\",\"georgism\",\"armchair theorizing\",\"giffen good\",\"forward price\",\"paul milgrom\",\"leonid kantorovich\",\"paul milgrom\",\"myron scholes\",\"paul milgrom\",\"paradox of value\",\"option screener\",\"opportunity cost\",\"public economics\",\"georgism\",\"georg weizs\\u00e4cker\",\"paul milgrom\",\"public economics\",\"georgism\",\"balassa\\u2013samuelson effect\",\"myron scholes\",\"georgism\",\"on the principles of political economy and taxation\",\"public economics\",\"economic indicator\",\"economic transformation\",\"georgism\",\"public economics\",\"public economics\",\"andrea weber\",\"public economics\",\"public economics\",\"public economics\",\"opportunity cost\",\"public economics\",\"myron scholes\",\"myron scholes\"],\"start\":[\"econophysics\",\"econophysics\",\"econophysics\",\"econophysics\",\"econophysics\",\"econophysics\",\"econophysics\",\"econophysics\",\"econophysics\",\"econophysics\",\"econophysics\",\"econophysics\",\"econophysics\",\"econophysics\",\"econophysics\",\"econophysics\",\"hemline index\",\"hemline index\",\"pork cycle\",\"pork cycle\",\"triangle model\",\"blue justice\",\"regulatory economics\",\"regulatory economics\",\"conservative research department\",\"neo-capitalism\",\"neo-capitalism\",\"neo-capitalism\",\"neo-capitalism\",\"neo-capitalism\",\"neo-capitalism\",\"neo-capitalism\",\"hiding hand principle\",\"hiding hand principle\",\"hiding hand principle\",\"hiding hand principle\",\"hiding hand principle\",\"hiding hand principle\",\"hiding hand principle\",\"hiding hand principle\",\"benefit financing model\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"experimental economics\",\"superrationality\",\"superrationality\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"jel classification codes\",\"implicit cost\",\"implicit cost\",\"implicit cost\",\"implicit cost\",\"implicit cost\",\"implicit cost\",\"implicit cost\",\"implicit cost\",\"implicit cost\",\"implicit cost\",\"implicit cost\",\"implicit cost\",\"charles henry hull\",\"charles henry hull\",\"charles henry hull\",\"charles henry hull\",\"charles henry hull\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"economic model\",\"b\\u00e9la balassa\",\"two-sided matching\",\"two-sided matching\",\"principles of economics (marshall book)\",\"principles of economics (marshall book)\",\"principles of economics (marshall book)\",\"principles of economics (marshall book)\",\"principles of economics (marshall book)\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"elinor ostrom\",\"leontief paradox\",\"leontief paradox\",\"leontief paradox\",\"leontief paradox\",\"leontief paradox\",\"leontief paradox\",\"leontief paradox\",\"dynamic pricing\",\"dynamic pricing\",\"dynamic pricing\",\"stylized fact\",\"unplanned economies\",\"unplanned economies\",\"unplanned economies\",\"unplanned economies\",\"network effect\",\"network effect\",\"network effect\",\"network effect\",\"network effect\",\"network effect\",\"network effect\",\"network effect\",\"tax-allocation district\",\"martin hellwig\",\"martin hellwig\",\"research papers in economics\",\"research papers in economics\",\"research papers in economics\",\"research papers in economics\",\"research papers in economics\",\"pensions crisis\",\"grazing rights\",\"grazing rights\",\"grazing rights\",\"grazing rights\",\"reed's law\",\"reed's law\",\"econtalk\",\"econtalk\",\"econtalk\",\"catch-22\",\"catch-22\",\"catch-22\",\"catch-22\",\"catch-22\",\"catch-22\",\"catch-22\",\"catch-22\",\"catch-22\",\"catch-22\",\"catch-22\",\"catch-22\",\"catch-22\",\"catch-22\",\"catch-22\",\"catch-22\",\"catch-22\",\"catch-22\",\"catch-22\",\"catch-22\",\"asset specificity\",\"asset specificity\",\"corporatization\",\"corporatization\",\"corporatization\",\"corporatization\",\"corporatization\",\"corporatization\",\"corporatization\",\"corporatization\",\"corporatization\",\"corporatization\",\"corporatization\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"friedrich hayek\",\"norwegian paradox\",\"norwegian paradox\",\"economics (textbook)\",\"economics (textbook)\",\"economics (textbook)\",\"foundation for european economic development\",\"foundation for european economic development\",\"unearned income\",\"unearned income\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"assume a can opener\",\"mundell\\u2013tobin effect\",\"cost-weighted activity index\",\"lipstick index\",\"middle-range theory (sociology)\",\"economics terminology that differs from common usage\",\"economics terminology that differs from common usage\",\"economics terminology that differs from common usage\",\"economics terminology that differs from common usage\",\"economics terminology that differs from common usage\",\"jane semeleer\",\"guns versus butter model\",\"guns versus butter model\",\"guns versus butter model\",\"ricardian equivalence\",\"ricardian equivalence\",\"ricardian equivalence\",\"ricardian equivalence\",\"ricardian equivalence\",\"local service delivery\",\"anthony downs\",\"anthony downs\",\"anthony downs\",\"anthony downs\",\"anthony downs\",\"anthony downs\",\"anthony downs\",\"anthony downs\",\"anthony downs\",\"anthony downs\",\"vernon l. smith\",\"vernon l. smith\",\"vernon l. smith\",\"vernon l. smith\",\"vernon l. smith\",\"vernon l. smith\",\"vernon l. smith\",\"vernon l. smith\",\"vernon l. smith\",\"vernon l. smith\",\"vernon l. smith\",\"vernon l. smith\",\"vernon l. smith\",\"vernon l. smith\",\"vernon l. smith\",\"vernon l. smith\",\"vernon l. smith\",\"vernon l. smith\",\"vernon l. smith\",\"vernon l. smith\",\"vernon l. smith\",\"vernon l. smith\",\"anglo-saxon model\",\"anglo-saxon model\",\"anglo-saxon model\",\"anglo-saxon model\",\"anglo-saxon model\",\"anglo-saxon model\",\"anglo-saxon model\",\"anglo-saxon model\",\"anglo-saxon model\",\"erwin plein nemmers prize in economics\",\"erwin plein nemmers prize in economics\",\"erwin plein nemmers prize in economics\",\"erwin plein nemmers prize in economics\",\"economic data\",\"economic data\",\"economic data\",\"harris\\u2013todaro model\",\"substitution effect\",\"substitution effect\",\"substitution effect\",\"substitution effect\",\"substitution effect\",\"substitution effect\",\"substitution effect\",\"substitution effect\",\"substitution effect\",\"substitution effect\",\"substitution effect\",\"substitution effect\",\"substitution effect\",\"substitution effect\",\"substitution effect\",\"substitution effect\",\"open economy\",\"open economy\",\"open economy\",\"open economy\",\"open economy\",\"open economy\",\"privatism\",\"privatism\",\"privatism\",\"privatism\",\"privatism\",\"privatism\",\"privatism\",\"privatism\",\"privatism\",\"privatism\",\"ecological economics (journal)\",\"ecological economics (journal)\",\"solow\\u2013swan model\",\"solow\\u2013swan model\",\"solow\\u2013swan model\",\"solow\\u2013swan model\",\"solow\\u2013swan model\",\"solow\\u2013swan model\",\"solow\\u2013swan model\",\"solow\\u2013swan model\",\"solow\\u2013swan model\",\"solow\\u2013swan model\",\"solow\\u2013swan model\",\"solow\\u2013swan model\",\"solow\\u2013swan model\",\"solow\\u2013swan model\",\"solow\\u2013swan model\",\"solow\\u2013swan model\",\"intertemporal equilibrium\",\"intertemporal equilibrium\",\"attention economy\",\"attention economy\",\"attention economy\",\"attention economy\",\"attention economy\",\"attention economy\",\"attention economy\",\"attention economy\",\"attention economy\",\"attention economy\",\"attention economy\",\"attention economy\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"john hicks\",\"journal of the european economic association\",\"journal of the european economic association\",\"journal of the european economic association\",\"journal of the european economic association\",\"journal of the european economic association\",\"precautionary demand\",\"ramsey\\u2013cass\\u2013koopmans model\",\"ramsey\\u2013cass\\u2013koopmans model\",\"ramsey\\u2013cass\\u2013koopmans model\",\"ramsey\\u2013cass\\u2013koopmans model\",\"ramsey\\u2013cass\\u2013koopmans model\",\"ramsey\\u2013cass\\u2013koopmans model\",\"ramsey\\u2013cass\\u2013koopmans model\",\"ramsey\\u2013cass\\u2013koopmans model\",\"ramsey\\u2013cass\\u2013koopmans model\",\"ramsey\\u2013cass\\u2013koopmans model\",\"ramsey\\u2013cass\\u2013koopmans model\",\"ramsey\\u2013cass\\u2013koopmans model\",\"ramsey\\u2013cass\\u2013koopmans model\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"e. f. schumacher\",\"steven n. s. cheung\",\"steven n. s. cheung\",\"steven n. s. cheung\",\"steven n. s. cheung\",\"steven n. s. cheung\",\"steven n. s. cheung\",\"steven n. s. cheung\",\"steven n. s. cheung\",\"steven n. s. cheung\",\"steven n. s. cheung\",\"steven n. s. cheung\",\"intertemporal choice\",\"intertemporal choice\",\"intertemporal choice\",\"intertemporal choice\",\"intertemporal choice\",\"intertemporal choice\",\"intertemporal choice\",\"intertemporal choice\",\"intertemporal choice\",\"intertemporal choice\",\"intertemporal choice\",\"intertemporal choice\",\"fischer black prize\",\"fischer black prize\",\"fischer black prize\",\"analytical sociology\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"international economics\",\"sequential game\",\"sequential game\",\"sequential game\",\"sequential game\",\"sequential game\",\"sequential game\",\"sequential game\",\"sequential game\",\"sequential game\",\"sequential game\",\"sequential game\",\"sequential game\",\"sequential game\",\"marginal propensity to import\",\"benny moldovanu\",\"pierre-andr\\u00e9 chiappori\",\"cumulative process\",\"auction theory\",\"auction theory\",\"bishop\\u2013cannings theorem\",\"homo economicus\",\"homo economicus\",\"homo economicus\",\"homo economicus\",\"homo economicus\",\"homo economicus\",\"homo economicus\",\"homo economicus\",\"homo economicus\",\"homo economicus\",\"homo economicus\",\"homo economicus\",\"homo economicus\",\"homo economicus\",\"homo economicus\",\"homo economicus\",\"homo economicus\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"daniel kahneman\",\"99ers\",\"99ers\",\"99ers\",\"99ers\",\"99ers\",\"99ers\",\"99ers\",\"99ers\",\"99ers\",\"99ers\",\"99ers\",\"import substitution industrialization\",\"import substitution industrialization\",\"import substitution industrialization\",\"import substitution industrialization\",\"import substitution industrialization\",\"internality\",\"internality\",\"excess burden of taxation\",\"excess burden of taxation\",\"excess burden of taxation\",\"excess burden of taxation\",\"guido tabellini\",\"guido tabellini\",\"guido tabellini\",\"hobbesian trap\",\"hobbesian trap\",\"austerity: the history of a dangerous idea\",\"austerity: the history of a dangerous idea\",\"austerity: the history of a dangerous idea\",\"skew\",\"skew\",\"nayakrishi\",\"market microstructure\",\"diamond-water paradox\",\"diamond-water paradox\",\"diamond-water paradox\",\"diamond-water paradox\",\"price support\",\"price support\",\"mental environment\",\"giancarlo corsetti\",\"human behavioral ecology\",\"human behavioral ecology\",\"human behavioral ecology\",\"convex preferences\",\"convex preferences\",\"convex preferences\",\"state price density\",\"state price density\",\"state price density\",\"robert heilbroner\",\"robert heilbroner\",\"robert heilbroner\",\"robert heilbroner\",\"how are we to live?\",\"contingent claim analysis\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"utility\",\"public engagement\",\"in kind\",\"in kind\",\"in kind\",\"in kind\",\"in kind\",\"organizational space\",\"organizational space\",\"subsidy\",\"resource justice\",\"ad\\u2013ia model\",\"robinson crusoe economy\",\"robinson crusoe economy\",\"robinson crusoe economy\",\"robinson crusoe economy\",\"robinson crusoe economy\",\"relative income hypothesis\",\"relative income hypothesis\",\"kiyotaki\\u2013moore model\",\"gerald shove\",\"elhanan helpman\",\"elhanan helpman\",\"elhanan helpman\",\"elhanan helpman\",\"elhanan helpman\",\"mesoeconomics\",\"mesoeconomics\",\"mesoeconomics\",\"index (economics)\",\"index (economics)\",\"index (economics)\",\"index (economics)\",\"index (economics)\",\"index (economics)\",\"index (economics)\",\"index (economics)\",\"index (economics)\",\"average fixed cost\",\"average fixed cost\",\"financial economics\",\"financial economics\",\"financial economics\",\"financial economics\",\"financial economics\",\"financial economics\",\"financial economics\",\"financial economics\",\"financial economics\",\"financial economics\",\"financial economics\",\"financial economics\",\"financial economics\",\"financial economics\",\"financial economics\",\"financial economics\",\"financial economics\",\"financial economics\",\"financial economics\",\"financial economics\",\"financial economics\",\"financial economics\",\"financial economics\",\"big push model\",\"big push model\",\"big push model\",\"big push model\",\"big push model\",\"big push model\",\"peace dividend\",\"volatility clustering\",\"paradox of prosperity\",\"paradox of prosperity\",\"walras's law\",\"consumption (sociology)\",\"consumption (sociology)\",\"lerner paradox\",\"lerner paradox\",\"downs\\u2013thomson paradox\",\"downs\\u2013thomson paradox\",\"joint product pricing\",\"joint product pricing\",\"ordoliberalism\",\"ordoliberalism\",\"ordoliberalism\",\"ordoliberalism\",\"ordoliberalism\",\"ordoliberalism\",\"ordoliberalism\",\"ordoliberalism\",\"ordoliberalism\",\"marginal rate of substitution\",\"marginal rate of substitution\",\"marginal rate of substitution\",\"marginal rate of substitution\",\"marginal rate of substitution\",\"marginal rate of substitution\",\"marginal rate of substitution\",\"marginal rate of substitution\",\"marginal rate of substitution\",\"rentier state\",\"rentier state\",\"sunk cost\",\"sunk cost\",\"sunk cost\",\"sunk cost\",\"evolutionary game theory\",\"evolutionary game theory\",\"evolutionary game theory\",\"evolutionary game theory\",\"evolutionary game theory\",\"evolutionary game theory\",\"evolutionary game theory\",\"evolutionary game theory\",\"evolutionary game theory\",\"evolutionary game theory\",\"evolutionary game theory\",\"evolutionary game theory\",\"alternative financial service\",\"cournot competition\",\"cournot competition\",\"cournot competition\",\"cournot competition\",\"cournot competition\",\"cournot competition\",\"cournot competition\",\"cournot competition\",\"cournot competition\",\"cournot competition\",\"cournot competition\",\"cournot competition\",\"natural capital\",\"natural capital\",\"natural capital\",\"natural capital\",\"natural capital\",\"natural capital\",\"natural capital\",\"natural capital\",\"natural capital\",\"gabor\\u2013granger method\",\"indirect inference\",\"indirect inference\",\"average variable cost\",\"marginal return\",\"marginal return\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"mainstream economics\",\"consumer sovereignty\",\"consumer sovereignty\",\"consumer sovereignty\",\"consumer sovereignty\",\"consumer sovereignty\",\"consumer sovereignty\",\"phillips curve\",\"phillips curve\",\"phillips curve\",\"phillips curve\",\"phillips curve\",\"phillips curve\",\"phillips curve\",\"phillips curve\",\"phillips curve\",\"phillips curve\",\"phillips curve\",\"phillips curve\",\"phillips curve\",\"phillips curve\",\"phillips curve\",\"blue economy\",\"blue economy\",\"law of increasing costs\",\"law of increasing costs\",\"law of increasing costs\",\"the road to serfdom\",\"the road to serfdom\",\"the road to serfdom\",\"the road to serfdom\",\"merger simulation\",\"merger simulation\",\"indifference curve\",\"indifference curve\",\"indifference curve\",\"indifference curve\",\"indifference curve\",\"indifference curve\",\"indifference curve\",\"indifference curve\",\"indifference curve\",\"indifference curve\",\"american recovery and reinvestment act of 2009\",\"american recovery and reinvestment act of 2009\",\"american recovery and reinvestment act of 2009\",\"mandeville's paradox\",\"mandeville's paradox\",\"mandeville's paradox\",\"off the verandah\",\"the counter-revolution of science\",\"the counter-revolution of science\",\"corner solution\",\"keynesian cross\",\"keynesian cross\",\"keynesian cross\",\"keynesian cross\",\"keynesian cross\",\"keynesian cross\",\"keynesian cross\",\"keynesian cross\",\"keynesian cross\",\"keynesian cross\",\"keynesian cross\",\"keynesian cross\",\"keynesian cross\",\"keynesian cross\",\"keynesian cross\",\"john harsanyi\",\"john harsanyi\",\"john harsanyi\",\"john harsanyi\",\"john harsanyi\",\"john harsanyi\",\"john harsanyi\",\"john harsanyi\",\"john harsanyi\",\"john harsanyi\",\"john harsanyi\",\"john harsanyi\",\"john harsanyi\",\"john harsanyi\",\"consumer class\",\"consumer class\",\"consumer class\",\"consumer class\",\"consumer class\",\"consumer class\",\"factors of production\",\"factors of production\",\"factors of production\",\"factors of production\",\"factors of production\",\"factors of production\",\"factors of production\",\"factors of production\",\"factors of production\",\"factors of production\",\"factors of production\",\"factors of production\",\"factors of production\",\"factors of production\",\"factors of production\",\"factors of production\",\"constitutional economics\",\"constitutional economics\",\"constitutional economics\",\"constitutional economics\",\"constitutional economics\",\"constitutional economics\",\"constitutional economics\",\"constitutional economics\",\"history of capitalist theory\",\"history of capitalist theory\",\"history of capitalist theory\",\"history of capitalist theory\",\"history of capitalist theory\",\"median voter theorem\",\"median voter theorem\",\"median voter theorem\",\"median voter theorem\",\"median voter theorem\",\"information economics\",\"information economics\",\"information economics\",\"information economics\",\"information economics\",\"inframarginal analysis\",\"inframarginal analysis\",\"inframarginal analysis\",\"inframarginal analysis\",\"inframarginal analysis\",\"methodology of econometrics\",\"methodology of econometrics\",\"methodology of econometrics\",\"edgeworth paradox\",\"edgeworth paradox\",\"edgeworth paradox\",\"edgeworth paradox\",\"edgeworth paradox\",\"preference theory\",\"bertrand paradox (economics)\",\"bertrand paradox (economics)\",\"bertrand paradox (economics)\",\"bertrand paradox (economics)\",\"bertrand paradox (economics)\",\"bertrand paradox (economics)\",\"bertrand paradox (economics)\",\"bertrand paradox (economics)\",\"bertrand paradox (economics)\",\"bertrand paradox (economics)\",\"marginal rate of transformation\",\"william vickrey\",\"william vickrey\",\"william vickrey\",\"william vickrey\",\"william vickrey\",\"william vickrey\",\"william vickrey\",\"william vickrey\",\"william vickrey\",\"william vickrey\",\"william vickrey\",\"william vickrey\",\"william vickrey\",\"william vickrey\",\"william vickrey\",\"william vickrey\",\"william vickrey\",\"william vickrey\",\"william vickrey\",\"william vickrey\",\"william vickrey\",\"william vickrey\",\"william vickrey\",\"st. petersburg paradox\",\"st. petersburg paradox\",\"st. petersburg paradox\",\"st. petersburg paradox\",\"bowley's law\",\"robert ekelund\",\"discrete choice\",\"discrete choice\",\"discrete choice\",\"efficiency wage\",\"efficiency wage\",\"lawrence summers\",\"lawrence summers\",\"lawrence summers\",\"lawrence summers\",\"list of stateless societies\",\"social cost\",\"social cost\",\"social cost\",\"social cost\",\"social cost\",\"social cost\",\"social cost\",\"social cost\",\"social cost\",\"social cost\",\"social cost\",\"institutionalist political economy\",\"institutionalist political economy\",\"institutionalist political economy\",\"urban village\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"marginalism\",\"price index\",\"price index\",\"price index\",\"price index\",\"price index\",\"price index\",\"price index\",\"price index\",\"price index\",\"price index\",\"arrow's impossibility theorem\",\"arrow's impossibility theorem\",\"arrow's impossibility theorem\",\"arrow's impossibility theorem\",\"arrow's impossibility theorem\",\"arrow's impossibility theorem\",\"arrow's impossibility theorem\",\"arrow's impossibility theorem\",\"arrow's impossibility theorem\",\"abnormal profit\",\"trygve haavelmo\",\"trygve haavelmo\",\"trygve haavelmo\",\"trygve haavelmo\",\"trygve haavelmo\",\"trygve haavelmo\",\"trygve haavelmo\",\"trygve haavelmo\",\"trygve haavelmo\",\"trygve haavelmo\",\"trygve haavelmo\",\"trygve haavelmo\",\"trygve haavelmo\",\"trygve haavelmo\",\"real economy\",\"real economy\",\"national agricultural policy center\",\"heckscher\\u2013ohlin model\",\"heckscher\\u2013ohlin model\",\"heckscher\\u2013ohlin model\",\"heckscher\\u2013ohlin model\",\"hunter-gatherer\",\"hunter-gatherer\",\"hunter-gatherer\",\"hunter-gatherer\",\"hunter-gatherer\",\"hunter-gatherer\",\"ap microeconomics\",\"is\\u2013lm model\",\"is\\u2013lm model\",\"is\\u2013lm model\",\"is\\u2013lm model\",\"is\\u2013lm model\",\"is\\u2013lm model\",\"is\\u2013lm model\",\"is\\u2013lm model\",\"is\\u2013lm model\",\"is\\u2013lm model\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"adam smith\",\"consumer debt\",\"consumer debt\",\"consumer debt\",\"consumer debt\",\"consumer debt\",\"consumer debt\",\"consumer debt\",\"consumer debt\",\"consumer debt\",\"consumer debt\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"joseph schumpeter\",\"manorialism\",\"manorialism\",\"manorialism\",\"supply and demand\",\"supply and demand\",\"supply and demand\",\"supply and demand\",\"supply and demand\",\"supply and demand\",\"supply and demand\",\"supply and demand\",\"supply and demand\",\"supply and demand\",\"supply and demand\",\"supply and demand\",\"supply and demand\",\"supply and demand\",\"supply and demand\",\"supply and demand\",\"supply and demand\",\"principles of political economy (malthus book)\",\"principles of political economy (malthus book)\",\"law of supply\",\"law of supply\",\"law of supply\",\"leontief production function\",\"labor theory of property\",\"labor theory of property\",\"labor theory of property\",\"labor theory of property\",\"knowledge assessment methodology\",\"edgeworth box\",\"edgeworth box\",\"macroeconomic model\",\"macroeconomic model\",\"macroeconomic model\",\"macroeconomic model\",\"macroeconomic model\",\"macroeconomic model\",\"macroeconomic model\",\"deflator\",\"deflator\",\"deflator\",\"convergence (economics)\",\"convergence (economics)\",\"index of economics articles\",\"index of economics articles\",\"index of economics articles\",\"index of economics articles\",\"index of economics articles\",\"index of economics articles\",\"index of economics articles\",\"index of economics articles\",\"index of economics articles\",\"index of economics articles\",\"index of economics articles\",\"index of economics articles\",\"index of economics articles\",\"index of economics articles\",\"index of economics articles\",\"index of economics articles\",\"index of economics articles\",\"index of economics articles\",\"index of economics articles\",\"index of economics articles\",\"index of economics articles\",\"glossary of economics\",\"glossary of economics\",\"glossary of economics\",\"glossary of economics\",\"glossary of economics\",\"glossary of economics\",\"glossary of economics\",\"glossary of economics\",\"glossary of economics\",\"glossary of economics\",\"glossary of economics\",\"glossary of economics\",\"glossary of economics\",\"glossary of economics\",\"glossary of economics\",\"glossary of economics\",\"ralph borsodi\",\"ralph borsodi\",\"air rights\",\"air rights\",\"toothpaste tube theory\",\"diminishing returns\",\"diminishing returns\",\"diminishing returns\",\"diminishing returns\",\"diminishing returns\",\"neo-ricardianism\",\"neo-ricardianism\",\"william a. niskanen\",\"william a. niskanen\",\"william a. niskanen\",\"public property\",\"public property\",\"marginal propensity to consume\",\"marginal propensity to consume\",\"marginal propensity to consume\",\"ceteris paribus\",\"ceteris paribus\",\"ceteris paribus\",\"base period\",\"rethinking economics\",\"jacob hollander\",\"jacob hollander\",\"daniel mcfadden\",\"daniel mcfadden\",\"daniel mcfadden\",\"daniel mcfadden\",\"daniel mcfadden\",\"daniel mcfadden\",\"daniel mcfadden\",\"daniel mcfadden\",\"visible hand (economics)\",\"credit default option\",\"credit default option\",\"credit default option\",\"credit default option\",\"credit default option\",\"credit default option\",\"service economy\",\"service economy\",\"service economy\",\"service economy\",\"service economy\",\"society for economic anthropology\",\"sharon oster\",\"knowledge economy\",\"knowledge economy\",\"knowledge economy\",\"knowledge economy\",\"knowledge economy\",\"kenneth arrow\",\"kenneth arrow\",\"kenneth arrow\",\"kenneth arrow\",\"kenneth arrow\",\"kenneth arrow\",\"kenneth arrow\",\"kenneth arrow\",\"kenneth arrow\",\"kenneth arrow\",\"kenneth arrow\",\"kenneth arrow\",\"kenneth arrow\",\"kenneth arrow\",\"kenneth arrow\",\"kenneth arrow\",\"farshid jamshidian\",\"factor endowment\",\"vent for surplus\",\"ak model\",\"ak model\",\"identity line\",\"excess reserves\",\"excess reserves\",\"excess reserves\",\"excess reserves\",\"scitovsky paradox\",\"scitovsky paradox\",\"schelling's segregation model\",\"schelling's segregation model\",\"schelling's segregation model\",\"schelling's segregation model\",\"degrowth\",\"degrowth\",\"degrowth\",\"degrowth\",\"paul romer\",\"paul romer\",\"paul romer\",\"paul romer\",\"paul romer\",\"paul romer\",\"paul romer\",\"paul romer\",\"paul romer\",\"social multiplier effect\",\"history of microeconomics\",\"history of microeconomics\",\"history of microeconomics\",\"history of microeconomics\",\"history of microeconomics\",\"history of microeconomics\",\"history of microeconomics\",\"history of microeconomics\",\"history of microeconomics\",\"garman-kohlhagen model\",\"thomas schelling\",\"thomas schelling\",\"thomas schelling\",\"thomas schelling\",\"thomas schelling\",\"thomas schelling\",\"thomas schelling\",\"economic law\",\"bengt holmstr\\u00f6m\",\"bengt holmstr\\u00f6m\",\"bengt holmstr\\u00f6m\",\"bengt holmstr\\u00f6m\",\"bengt holmstr\\u00f6m\",\"bengt holmstr\\u00f6m\",\"bengt holmstr\\u00f6m\",\"environmental peacebuilding\",\"principles of political economy\",\"roll-geske-whaley\",\"roll-geske-whaley\",\"roll-geske-whaley\",\"two-level game theory\",\"timo ter\\u00e4svirta\",\"list of financial economists\",\"list of financial economists\",\"list of financial economists\",\"list of financial economists\",\"eugene fama\",\"eugene fama\",\"eugene fama\",\"eugene fama\",\"gerschenkron effect\",\"gerschenkron effect\",\"paradox of thrift\",\"paradox of thrift\",\"paradox of thrift\",\"dispersed knowledge\",\"small office/home office\",\"list of production functions\",\"fractional-reserve banking\",\"fractional-reserve banking\",\"edgeworth binomial tree\",\"edgeworth binomial tree\",\"revealed preference\",\"revealed preference\",\"resource curse\",\"resource curse\",\"differentiated bertrand competition\",\"sonnenschein\\u2013mantel\\u2013debreu theorem\",\"sonnenschein\\u2013mantel\\u2013debreu theorem\",\"hedonism\",\"hedonism\",\"hedonism\",\"hedonism\",\"hedonism\",\"new institutional economics\",\"new institutional economics\",\"new institutional economics\",\"new institutional economics\",\"new institutional economics\",\"new institutional economics\",\"new institutional economics\",\"new institutional economics\",\"evolutionary psychology\",\"evolutionary psychology\",\"evolutionary psychology\",\"evolutionary psychology\",\"evolutionary psychology\",\"beatrice cherrier\",\"list of important publications in economics\",\"list of important publications in economics\",\"list of important publications in economics\",\"list of important publications in economics\",\"demand curve\",\"nava ashraf\",\"nava ashraf\",\"eco-capitalism\",\"fenno's paradox\",\"induced consumption\",\"the american journal of economics and sociology\",\"the american journal of economics and sociology\",\"icarus paradox\",\"binomial options pricing model\",\"leonid kantorovich\",\"leonid kantorovich\",\"bertrand competition\",\"david laidler\",\"michael spence\",\"giffen good\",\"forward price\",\"production\\u2013possibility frontier\",\"accelerator effect\",\"accelerator effect\",\"accelerator effect\",\"clive granger\",\"purchasing power parity\",\"purchasing power parity\",\"purchasing power parity\",\"paul milgrom\",\"law of rent\",\"law of rent\",\"georgism\",\"georgism\",\"georgism\",\"georgism\",\"economic transformation\",\"journal of public economics\",\"journal of public economics\",\"economic indicator\",\"fei\\u2013ranis model of economic growth\",\"opportunity cost\",\"opportunity cost\",\"eric french (professor)\",\"list of jewish american economists\",\"myron scholes\"]},\"selected\":{\"id\":\"4702\"},\"selection_policy\":{\"id\":\"4701\"}},\"id\":\"3453\",\"type\":\"ColumnDataSource\"},{\"attributes\":{},\"id\":\"4648\",\"type\":\"Title\"},{\"attributes\":{\"edge_renderer\":{\"id\":\"3520\"},\"inspection_policy\":{\"id\":\"4685\"},\"layout_provider\":{\"id\":\"3526\"},\"node_renderer\":{\"id\":\"3516\"},\"selection_policy\":{\"id\":\"4686\"}},\"id\":\"3513\",\"type\":\"GraphRenderer\"},{\"attributes\":{\"edge_renderer\":{\"id\":\"3454\"},\"inspection_policy\":{\"id\":\"4669\"},\"layout_provider\":{\"id\":\"3460\"},\"node_renderer\":{\"id\":\"3450\"},\"selection_policy\":{\"id\":\"4670\"}},\"id\":\"3447\",\"type\":\"GraphRenderer\"},{\"attributes\":{\"active_multi\":null,\"active_scroll\":{\"id\":\"3369\"},\"tools\":[{\"id\":\"3368\"},{\"id\":\"3369\"},{\"id\":\"3370\"},{\"id\":\"3371\"},{\"id\":\"3372\"}]},\"id\":\"3373\",\"type\":\"Toolbar\"},{\"attributes\":{},\"id\":\"4654\",\"type\":\"NodesOnly\"},{\"attributes\":{},\"id\":\"3369\",\"type\":\"WheelZoomTool\"},{\"attributes\":{},\"id\":\"4653\",\"type\":\"NodesOnly\"},{\"attributes\":{},\"id\":\"3371\",\"type\":\"ResetTool\"},{\"attributes\":{},\"id\":\"3368\",\"type\":\"PanTool\"},{\"attributes\":{\"axis\":{\"id\":\"3360\"},\"grid_line_color\":null,\"ticker\":null},\"id\":\"3363\",\"type\":\"Grid\"},{\"attributes\":{\"source\":{\"id\":\"3383\"}},\"id\":\"3385\",\"type\":\"CDSView\"},{\"attributes\":{},\"id\":\"3365\",\"type\":\"BasicTicker\"},{\"attributes\":{},\"id\":\"4678\",\"type\":\"BasicTickFormatter\"},{\"attributes\":{\"data\":{\"alpha\":[0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75],\"depth\":[2,2,2,1,2,2,2,2,1,2,2,2,1,1,2,1,2,2,2,2,1,1,1,1,1,2,2,2,1,1,2,2,1,2,2,2,2,2,1,2,2,2,1,1,1,1,1,1,2,1,2,1,2,2,2,2,1,2,1,2,1,1,1,2,2,1,1,2,2,1,2,1,1,2,2,2,1,1,2,2,2,2,2,2,1,2,2,2,2,1,2,2,1,2,2,1,2,2,2,2,1,1,2,2,2,0,1,2,2,2,2,2,0,1,2,2,2,1,1,1,1,2,2,2,2,1,2,1,2,1,1,1,1,1,1,1,1,2,2,2,1,2,2,2,1,1,2,1,2,1,1,1,2,1,2,1,2,1,1,2,2,1,0,2,2,2,1,2,1,1,2,2,1,1,0,2,2,1,1,2,1,1,1,1,2,2,1,1,2,1,2,2,0,2,2,2,1,2,1,2,2,1,1,2,1,1,2,1,2,2,2,1,2,1,2,2,1,1,2,1,2,2,2,1,1,1,1,0,1,2,2,1,1,1,1,2,2,2,2,1,1,1,1,2,2,1,1,1,1,2,1,1,2,2,1,1,2,2,0,1,1,1,1,2,1,1,2,2,2,1,1,2,1,2,2,1,2,2,2,2,2,1,1,2,2,2,2,1,1,2,2,1,1,2,2,1,2,2,1,2,2,1,1,1,1,1,2,2,2,1,2,1,2,1,2,1,2,2,1,1,1,1,2,0,1,1,1,2,2,2,1,2,1,1,2,1,2,1,1,1,1,2,2,2,2,2,2,2,1,2,1,2,2,1,2,1,2,1,1,2,1,1,1,2,1,2,2,2,2,1,0,2,1,1,1,2,1,2,1,2,1,2],\"index\":[\"econophysics\",\"hemline index\",\"pork cycle\",\"triangle model\",\"blue justice\",\"regulatory economics\",\"conservative research department\",\"neo-capitalism\",\"hiding hand principle\",\"benefit financing model\",\"experimental economics\",\"superrationality\",\"jel classification codes\",\"implicit cost\",\"charles henry hull\",\"economic model\",\"b\\u00e9la balassa\",\"two-sided matching\",\"principles of economics (marshall book)\",\"elinor ostrom\",\"leontief paradox\",\"dynamic pricing\",\"stylized fact\",\"unplanned economies\",\"network effect\",\"tax-allocation district\",\"martin hellwig\",\"research papers in economics\",\"demand shaping\",\"indian economic and social history review\",\"pensions crisis\",\"grazing rights\",\"reed's law\",\"econtalk\",\"catch-22\",\"asset specificity\",\"corporatization\",\"friedrich hayek\",\"norwegian paradox\",\"economics (textbook)\",\"foundation for european economic development\",\"unearned income\",\"assume a can opener\",\"mundell\\u2013tobin effect\",\"cost-weighted activity index\",\"lipstick index\",\"middle-range theory (sociology)\",\"economics terminology that differs from common usage\",\"jane semeleer\",\"guns versus butter model\",\"ricardian equivalence\",\"local service delivery\",\"simulation modeling\",\"anthony downs\",\"vernon l. smith\",\"anglo-saxon model\",\"men's underwear index\",\"erwin plein nemmers prize in economics\",\"economic data\",\"nominative determinism\",\"harris\\u2013todaro model\",\"substitution effect\",\"open economy\",\"privatism\",\"ecological economics (journal)\",\"solow\\u2013swan model\",\"intertemporal equilibrium\",\"attention economy\",\"john hicks\",\"sailing ship effect\",\"journal of the european economic association\",\"precautionary demand\",\"ramsey\\u2013cass\\u2013koopmans model\",\"e. f. schumacher\",\"steven n. s. cheung\",\"intertemporal choice\",\"fischer black prize\",\"analytical sociology\",\"international economics\",\"sequential game\",\"marginal propensity to import\",\"benny moldovanu\",\"pierre-andr\\u00e9 chiappori\",\"cumulative process\",\"auction theory\",\"bishop\\u2013cannings theorem\",\"benjamin moll\",\"homo economicus\",\"daniel kahneman\",\"99ers\",\"import substitution industrialization\",\"internality\",\"beckstrom's law\",\"excess burden of taxation\",\"guido tabellini\",\"hobbesian trap\",\"austerity: the history of a dangerous idea\",\"skew\",\"nayakrishi\",\"market microstructure\",\"diamond-water paradox\",\"price support\",\"mental environment\",\"giancarlo corsetti\",\"wallace neutrality\",\"human behavioral ecology\",\"convex preferences\",\"state price density\",\"robert heilbroner\",\"how are we to live?\",\"contingent claim analysis\",\"utility\",\"public engagement\",\"in kind\",\"organizational space\",\"subsidy\",\"resource justice\",\"ad\\u2013ia model\",\"robinson crusoe economy\",\"relative income hypothesis\",\"kiyotaki\\u2013moore model\",\"gerald shove\",\"elhanan helpman\",\"mesoeconomics\",\"index (economics)\",\"average fixed cost\",\"financial economics\",\"big push model\",\"peace dividend\",\"loopco\",\"volatility clustering\",\"paradox of prosperity\",\"walras's law\",\"consumption (sociology)\",\"lerner paradox\",\"downs\\u2013thomson paradox\",\"joint product pricing\",\"financial models with long-tailed distributions and volatility clustering\",\"ordoliberalism\",\"marginal rate of substitution\",\"rentier state\",\"sunk cost\",\"evolutionary game theory\",\"alternative financial service\",\"cournot competition\",\"economic evaluation of time\",\"natural capital\",\"gabor\\u2013granger method\",\"indirect inference\",\"average variable cost\",\"marginal return\",\"mainstream economics\",\"consumer sovereignty\",\"phillips curve\",\"blue economy\",\"law of increasing costs\",\"the road to serfdom\",\"merger simulation\",\"indifference curve\",\"american recovery and reinvestment act of 2009\",\"ecodynamics\",\"mandeville's paradox\",\"off the verandah\",\"the counter-revolution of science\",\"expansionary fiscal contraction\",\"corner solution\",\"keynesian cross\",\"john harsanyi\",\"backward bending supply curve of labour\",\"consumer class\",\"factors of production\",\"constitutional economics\",\"history of capitalist theory\",\"median voter theorem\",\"institutional analysis\",\"an economic theory of democracy\",\"information economics\",\"inframarginal analysis\",\"keynes\\u2013ramsey rule\",\"methodology of econometrics\",\"edgeworth paradox\",\"preference theory\",\"economic satiation\",\"bertrand paradox (economics)\",\"marginal rate of transformation\",\"william vickrey\",\"st. petersburg paradox\",\"bowley's law\",\"robert ekelund\",\"discrete choice\",\"efficiency wage\",\"lawrence summers\",\"list of stateless societies\",\"social cost\",\"institutionalist political economy\",\"urban village\",\"marginalism\",\"price index\",\"arrow's impossibility theorem\",\"abnormal profit\",\"trygve haavelmo\",\"dixit\\u2013stiglitz model\",\"real economy\",\"national agricultural policy center\",\"heckscher\\u2013ohlin model\",\"hunter-gatherer\",\"ap microeconomics\",\"is\\u2013lm model\",\"adam smith\",\"consumer debt\",\"joseph schumpeter\",\"manorialism\",\"gustav stolper prize\",\"supply and demand\",\"principles of political economy (malthus book)\",\"winner-take-all politics\",\"law of supply\",\"market allocation scheme\",\"policy sciences\",\"leontief production function\",\"labor theory of property\",\"knowledge assessment methodology\",\"structural estimation\",\"edgeworth box\",\"macroeconomic model\",\"deflator\",\"convergence (economics)\",\"index of economics articles\",\"glossary of economics\",\"ralph borsodi\",\"air rights\",\"forward exchange market\",\"toothpaste tube theory\",\"diminishing returns\",\"neo-ricardianism\",\"paola giuliano\",\"william a. niskanen\",\"public property\",\"marginal propensity to consume\",\"ceteris paribus\",\"real-time economy\",\"base period\",\"rethinking economics\",\"jacob hollander\",\"daniel mcfadden\",\"visible hand (economics)\",\"economic graph\",\"credit default option\",\"sectoral output\",\"service economy\",\"society for economic anthropology\",\"universe (economics)\",\"finance & development\",\"sharon oster\",\"beveridge curve\",\"knowledge economy\",\"kenneth arrow\",\"farshid jamshidian\",\"india quarterly\",\"factor endowment\",\"vent for surplus\",\"ak model\",\"identity line\",\"excess reserves\",\"scitovsky paradox\",\"schelling's segregation model\",\"degrowth\",\"paul romer\",\"weak and strong sustainability\",\"social multiplier effect\",\"history of microeconomics\",\"say's political economy\",\"dynamic density\",\"garman-kohlhagen model\",\"thomas schelling\",\"economic law\",\"bengt holmstr\\u00f6m\",\"environmental peacebuilding\",\"journal of behavioral and experimental economics\",\"principles of political economy\",\"roll-geske-whaley\",\"local multiplier effect\",\"two-level game theory\",\"timo ter\\u00e4svirta\",\"list of financial economists\",\"eugene fama\",\"the triple revolution\",\"gerschenkron effect\",\"paradox of thrift\",\"economists for peace and security\",\"returns (economics)\",\"dispersed knowledge\",\"dynamic discrete choice\",\"small office/home office\",\"w. kip viscusi\",\"list of production functions\",\"fractional-reserve banking\",\"edgeworth binomial tree\",\"electronic funds transfer\",\"peter jaeckel\",\"revealed preference\",\"maturity transformation\",\"inertial inflation\",\"resource curse\",\"samuelson condition\",\"differentiated bertrand competition\",\"sonnenschein\\u2013mantel\\u2013debreu theorem\",\"hedonism\",\"new institutional economics\",\"evolutionary psychology\",\"beatrice cherrier\",\"list of important publications in economics\",\"economics handbooks\",\"demand curve\",\"inter-municipal cooperation\",\"dollar voting\",\"nava ashraf\",\"eco-capitalism\",\"curvilinear disparity\",\"fenno's paradox\",\"jensen prize\",\"induced consumption\",\"the american journal of economics and sociology\",\"kalahari debate\",\"hotelling's law\",\"icarus paradox\",\"output elasticity\",\"armchair theorizing\",\"binomial options pricing model\",\"leonid kantorovich\",\"bertrand competition\",\"david laidler\",\"problems with economic models\",\"circular flow of income\",\"michael spence\",\"giffen good\",\"forward price\",\"production\\u2013possibility frontier\",\"accelerator effect\",\"market rate\",\"learning economy\",\"lump-sum tax\",\"pricing kernel\",\"hicks-tinbergen award\",\"georg weizs\\u00e4cker\",\"clive granger\",\"purchasing power parity\",\"paul milgrom\",\"cobweb model\",\"the good soldier \\u0161vejk\",\"law of rent\",\"infant industry argument\",\"georgism\",\"inventory bounce\",\"financial innovation\",\"economic transformation\",\"journal of public economics\",\"preclusive purchasing\",\"long-run cost curve\",\"economic indicator\",\"fei\\u2013ranis model of economic growth\",\"opportunity cost\",\"hicks-neutral technical change\",\"eric french (professor)\",\"economic base analysis\",\"public economics\",\"marginal factor cost\",\"list of jewish american economists\",\"andrea weber\",\"identity economics\",\"darwinian anthropology\",\"on the principles of political economy and taxation\",\"balassa\\u2013samuelson effect\",\"option screener\",\"colonial origins of comparative development\",\"conjoint analysis\",\"market mechanism\",\"autonomous consumption\",\"paradox of value\",\"myron scholes\",\"productive capacity\",\"wilson doctrine (economics)\"],\"node_colour\":[\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#440154\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#208F8C\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#3B518A\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#440154\",\"#440154\",\"#440154\",\"#FDE724\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#3B518A\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#208F8C\",\"#440154\",\"#440154\",\"#440154\",\"#3B518A\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#3B518A\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#FDE724\",\"#440154\",\"#440154\",\"#5BC862\",\"#440154\",\"#440154\",\"#440154\",\"#FDE724\",\"#440154\",\"#440154\",\"#208F8C\",\"#440154\",\"#3B518A\",\"#208F8C\",\"#3B518A\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#208F8C\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#3B518A\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#FDE724\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#3B518A\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#208F8C\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#208F8C\",\"#440154\",\"#440154\",\"#5BC862\",\"#440154\",\"#208F8C\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#5BC862\",\"#440154\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#3B518A\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#5BC862\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#5BC862\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#5BC862\",\"#440154\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#440154\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#208F8C\",\"#3B518A\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#208F8C\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#5BC862\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#208F8C\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#3B518A\",\"#440154\",\"#440154\",\"#3B518A\",\"#440154\",\"#208F8C\",\"#3B518A\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#208F8C\",\"#440154\",\"#208F8C\",\"#440154\",\"#440154\",\"#208F8C\",\"#440154\",\"#440154\",\"#440154\",\"#208F8C\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#208F8C\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#208F8C\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#FDE724\",\"#440154\",\"#FDE724\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#208F8C\",\"#440154\",\"#440154\",\"#440154\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#440154\",\"#3B518A\",\"#5BC862\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#208F8C\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#5BC862\",\"#208F8C\",\"#440154\",\"#440154\",\"#440154\",\"#FDE724\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\",\"#440154\"],\"node_sizes\":[4.0,0.5,0.5,0.25,0.25,0.5,0.25,1.75,2.0,0.25,15.0,0.5,8.5,3.25,1.5,7.75,0.25,0.5,1.25,16.25,1.75,0.75,0.5,1.0,2.0,0.25,0.5,1.5,0.25,0.25,0.25,1.25,0.75,0.75,5.5,0.5,3.0,18.0,0.5,1.0,0.5,0.5,7.5,0.25,0.25,0.25,0.25,1.25,0.25,0.75,1.25,0.5,0.5,2.5,7.0,2.75,0.25,1.0,1.5,0.25,0.25,4.0,1.75,3.25,0.5,5.25,0.5,4.0,17.25,0.25,1.25,0.25,4.75,9.25,3.5,3.0,0.75,0.5,13.5,3.25,0.25,0.75,0.5,0.25,1.0,0.25,0.25,5.0,10.75,4.25,1.75,0.5,0.5,1.0,1.0,0.75,0.75,0.5,0.25,0.25,1.25,0.5,0.25,0.75,0.25,0.75,0.75,0.75,1.75,0.25,0.25,11.25,0.25,2.5,1.0,0.75,0.25,0.25,1.75,0.5,0.5,0.25,1.75,1.25,3.75,0.5,10.0,3.0,0.5,0.25,0.5,0.75,0.25,0.5,0.75,1.0,0.5,0.5,3.5,4.0,0.5,2.5,4.75,0.25,4.0,0.25,3.5,0.25,0.5,0.5,0.5,11.5,1.75,6.75,2.25,2.25,1.5,0.75,3.75,1.5,0.25,1.0,0.25,1.0,0.5,0.5,6.5,5.5,0.5,2.75,5.0,3.0,2.25,1.5,0.25,0.5,4.5,3.0,0.5,0.75,1.5,0.25,0.25,4.25,1.0,9.0,2.0,0.75,0.25,0.75,0.75,3.25,0.25,4.25,2.5,0.25,15.0,3.0,4.75,0.25,6.0,0.25,0.75,0.25,2.75,3.5,0.25,5.5,24.75,4.75,15.25,2.5,0.5,12.0,0.5,0.25,2.75,0.25,0.25,0.5,1.75,0.25,0.5,1.0,6.75,1.25,2.5,15.5,13.0,0.75,1.5,0.25,0.25,6.0,1.25,0.25,1.25,1.5,2.0,3.0,0.25,0.75,0.25,1.25,5.0,3.25,0.5,1.75,0.25,5.75,0.25,0.25,0.75,0.25,0.25,7.0,15.25,0.25,0.25,0.25,0.5,2.5,0.75,1.0,0.75,3.25,3.75,6.0,0.5,0.5,6.0,0.25,0.5,0.75,7.0,0.75,5.75,0.25,0.25,1.0,1.25,0.25,2.25,0.25,2.0,5.0,0.5,0.75,2.75,0.75,0.5,1.25,0.5,0.75,0.25,1.0,1.0,1.25,0.25,0.25,1.5,0.25,0.25,2.25,0.75,1.0,3.0,4.75,8.0,4.0,0.25,4.75,0.5,2.75,0.25,0.5,2.25,2.25,0.25,0.75,0.5,1.5,1.0,0.25,0.75,0.75,0.25,0.5,1.5,2.5,3.25,1.5,0.5,1.25,3.5,5.75,1.75,1.25,6.25,0.25,0.25,0.25,0.75,0.75,2.25,2.75,4.75,8.0,1.25,0.25,2.0,0.25,15.75,0.25,0.25,3.0,1.0,0.25,0.5,5.75,3.0,7.75,0.5,0.25,0.25,14.0,0.25,0.5,0.25,0.25,0.5,1.25,1.5,0.75,0.25,0.75,0.5,1.75,1.5,5.25,0.25,0.25],\"parent\":[\"economics\",\"economics\",\"economics\",\"economics\",\"sociology\",\"political_science\",\"political_science\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"sociology\",\"political_science\",\"political_science\",\"economics\",\"economics\",\"political_science\",\"economics\",\"political_science\",\"economics\",\"economics\",\"economics\",\"economics\",\"political_science\",\"economics\",\"economics\",\"economics\",\"economics\",\"sociology\",\"economics\",\"economics\",\"economics\",\"economics\",\"political_science\",\"economics\",\"political_science\",\"economics\",\"political_science\",\"economics\",\"economics\",\"economics\",\"psychology\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"sociology\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"political_science\",\"economics\",\"economics\",\"economics\",\"sociology\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"sociology\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"psychology\",\"economics\",\"economics\",\"anthropology\",\"economics\",\"economics\",\"economics\",\"psychology\",\"economics\",\"economics\",\"political_science\",\"economics\",\"sociology\",\"political_science\",\"sociology\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"political_science\",\"economics\",\"economics\",\"economics\",\"economics\",\"sociology\",\"economics\",\"economics\",\"economics\",\"economics\",\"political_science\",\"economics\",\"political_science\",\"psychology\",\"economics\",\"economics\",\"economics\",\"economics\",\"sociology\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"political_science\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"political_science\",\"economics\",\"economics\",\"anthropology\",\"economics\",\"political_science\",\"economics\",\"economics\",\"economics\",\"economics\",\"anthropology\",\"economics\",\"political_science\",\"economics\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"sociology\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"anthropology\",\"economics\",\"political_science\",\"political_science\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"anthropology\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"anthropology\",\"economics\",\"economics\",\"political_science\",\"political_science\",\"economics\",\"economics\",\"political_science\",\"economics\",\"political_science\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"political_science\",\"sociology\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"political_science\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"anthropology\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"political_science\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"sociology\",\"economics\",\"economics\",\"sociology\",\"economics\",\"political_science\",\"sociology\",\"economics\",\"economics\",\"economics\",\"economics\",\"political_science\",\"economics\",\"political_science\",\"economics\",\"economics\",\"political_science\",\"economics\",\"economics\",\"economics\",\"political_science\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"political_science\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"political_science\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"psychology\",\"economics\",\"psychology\",\"economics\",\"economics\",\"economics\",\"economics\",\"political_science\",\"economics\",\"economics\",\"economics\",\"political_science\",\"political_science\",\"economics\",\"economics\",\"sociology\",\"anthropology\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"political_science\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"anthropology\",\"political_science\",\"economics\",\"economics\",\"economics\",\"psychology\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\",\"economics\"]},\"selected\":{\"id\":\"4704\"},\"selection_policy\":{\"id\":\"4703\"}},\"id\":\"3449\",\"type\":\"ColumnDataSource\"},{\"attributes\":{\"axis\":{\"id\":\"3364\"},\"dimension\":1,\"grid_line_color\":null,\"ticker\":null},\"id\":\"3367\",\"type\":\"Grid\"},{\"attributes\":{},\"id\":\"3370\",\"type\":\"SaveTool\"},{\"attributes\":{},\"id\":\"4659\",\"type\":\"BasicTickFormatter\"},{\"attributes\":{\"formatter\":{\"id\":\"4659\"},\"major_label_policy\":{\"id\":\"4661\"},\"ticker\":{\"id\":\"3365\"},\"visible\":false},\"id\":\"3364\",\"type\":\"LinearAxis\"},{\"attributes\":{\"callback\":null,\"tooltips\":[[\"Page\",\"@index\"],[\"Discipline\",\"@parent\"]]},\"id\":\"3372\",\"type\":\"HoverTool\"},{\"attributes\":{},\"id\":\"4661\",\"type\":\"AllLabels\"},{\"attributes\":{\"line_alpha\":{\"value\":0.8},\"line_width\":{\"value\":0.1}},\"id\":\"3478\",\"type\":\"MultiLine\"},{\"attributes\":{},\"id\":\"4697\",\"type\":\"UnionRenderers\"},{\"attributes\":{},\"id\":\"4698\",\"type\":\"Selection\"},{\"attributes\":{\"active_multi\":null,\"active_scroll\":{\"id\":\"3501\"},\"tools\":[{\"id\":\"3500\"},{\"id\":\"3501\"},{\"id\":\"3502\"},{\"id\":\"3503\"},{\"id\":\"3504\"}]},\"id\":\"3505\",\"type\":\"Toolbar\"},{\"attributes\":{},\"id\":\"4699\",\"type\":\"UnionRenderers\"},{\"attributes\":{\"edge_renderer\":{\"id\":\"3388\"},\"inspection_policy\":{\"id\":\"4653\"},\"layout_provider\":{\"id\":\"3394\"},\"node_renderer\":{\"id\":\"3384\"},\"selection_policy\":{\"id\":\"4654\"}},\"id\":\"3381\",\"type\":\"GraphRenderer\"},{\"attributes\":{\"fill_alpha\":{\"field\":\"alpha\"},\"fill_color\":{\"field\":\"node_colour\"},\"size\":{\"field\":\"node_sizes\"}},\"id\":\"3407\",\"type\":\"Circle\"},{\"attributes\":{},\"id\":\"4700\",\"type\":\"Selection\"},{\"attributes\":{\"above\":[{\"id\":\"3511\"},{\"id\":\"3512\"}],\"below\":[{\"id\":\"3492\"}],\"center\":[{\"id\":\"3495\"},{\"id\":\"3499\"}],\"height\":333,\"left\":[{\"id\":\"3496\"}],\"renderers\":[{\"id\":\"3513\"}],\"title\":{\"id\":\"4648\"},\"toolbar\":{\"id\":\"3505\"},\"width\":333,\"x_range\":{\"id\":\"3483\"},\"x_scale\":{\"id\":\"3488\"},\"y_range\":{\"id\":\"3484\"},\"y_scale\":{\"id\":\"3490\"}},\"id\":\"3485\",\"subtype\":\"Figure\",\"type\":\"Plot\"},{\"attributes\":{},\"id\":\"4662\",\"type\":\"BasicTickFormatter\"},{\"attributes\":{\"formatter\":{\"id\":\"4662\"},\"major_label_policy\":{\"id\":\"4664\"},\"ticker\":{\"id\":\"3361\"},\"visible\":false},\"id\":\"3360\",\"type\":\"LinearAxis\"},{\"attributes\":{\"data_source\":{\"id\":\"3519\"},\"glyph\":{\"id\":\"3544\"},\"hover_glyph\":null,\"muted_glyph\":null,\"view\":{\"id\":\"3521\"}},\"id\":\"3520\",\"type\":\"GlyphRenderer\"},{\"attributes\":{},\"id\":\"3356\",\"type\":\"LinearScale\"},{\"attributes\":{\"graph_layout\":{\"advocacy journalism\":[144.70731645137826,-48.993115259945036],\"afke schaart\":[-7.947509811919644,0.727751771688899],\"against equality of opportunity\":[57.43453998742781,121.41806069122639],\"al-ahram center for political and strategic studies\":[37.705558590352055,-33.71840489198937],\"alex brillantes jr.\":[35.05845104349239,-30.117996223703596],\"alexandra goujon\":[-12.3872956980352,-114.35300598658019],\"alternatives: turkish journal of international relations\":[18.740657258143866,-11.836745936623757],\"alva myrdal\":[-130.9400499352048,-324.6252354703738],\"american journal of political science\":[28.449956768150194,48.78847979396051],\"american political thought\":[13.652563397572099,-15.458992431575195],\"american university school of international service\":[-10.849180815417371,-206.46777729168676],\"andrew westmoreland\":[36.37418137247003,-21.510613266405073],\"andr\\u00e9 du pisani\":[-46.93032407956828,-138.22933515678145],\"arab barometer\":[84.55570927032231,-104.1356051585806],\"ariane chebel d'appollonia\":[-72.49453007007315,-104.16345291120508],\"asu college of public service & community solutions\":[79.63483669751163,-128.8994141267028],\"attorney-general v de keyser's royal hotel ltd\":[195.45800430487614,-362.685913156578],\"australian journal of political science\":[31.078375528724273,-104.27718315625242],\"australian quarterly\":[-30.957956979052526,-19.425719952893758],\"beatrice heuser\":[-95.3230859794869,-261.5964861662773],\"behavioral public administration\":[35.68736742565112,-120.73835016601595],\"berkeley school of political theory\":[-22.048317907379417,-34.316232608408185],\"big man (political science)\":[-36.4209914174934,-31.830761835919468],\"black eagle (montreal)\":[81.73881325435518,-284.69340774490735],\"blavatnik school of government\":[15.771485109674112,-207.50894734948477],\"bolivarian revolution\":[109.34855443008907,-147.33083929462722],\"bonai state\":[29.05374377281898,-12.010864032768044],\"boosterism\":[35.202987544776164,-56.42883112830424],\"boris maciejovsky\":[-90.0011610916767,-258.9260027233317],\"brigitte young\":[4.318136554438716,-5.509275771483687],\"british journal of politics and international relations\":[44.61105425711411,-1.8083988476765327],\"bureau-shaping model\":[-85.57864076263118,-262.98743398742994],\"bureaucratic drift\":[-21.229766382004744,-91.35314985815276],\"bush school of government and public service\":[-27.56853868948271,-200.46012462934894],\"canadian public policy\":[-23.60002977555766,-28.834286514855673],\"cand.scient.pol.\":[-22.842631382375806,-15.918820038777135],\"carl albert center\":[71.39633020627849,59.144421401205754],\"carl joachim friedrich\":[6.437135646630606,124.73999130140018],\"carmen a. mir\\u00f3\":[-83.39754237211478,-268.2226206521416],\"catherine wihtol de wenden\":[-18.08923769212413,-37.75737554095415],\"charlie bean (economist)\":[-112.1412632274049,-274.98727493165785],\"chester barnard\":[140.52794087276598,-231.13834948850715],\"china university of political science and law\":[-45.20773831358126,33.83980825425289],\"cipp evaluation model\":[-69.34135342438344,46.27796770709749],\"civil service\":[106.08598202017164,-279.48867207750203],\"clarita carlos\":[55.86690913106123,-92.34380173493524],\"classification of advocacy groups\":[86.40063952251062,165.74375258699598],\"clientelism\":[146.22458595142385,-129.0436273404125],\"colin hughes\":[-72.2133268477628,-262.9790314744812],\"colin rallings\":[100.64707074731814,156.92932859591627],\"common informer\":[187.51259654513893,-366.66363154521235],\"communication university of china\":[-72.19490141607275,70.48201690958551],\"comparing media systems\":[147.44862149250807,-92.136350380386],\"computational politics\":[-22.824004413150675,-11.167201489293689],\"conceptual economy\":[-140.97871058119293,-214.09384064395095],\"constitutional autochthony\":[-6.1779331514191735,-16.372429112511895],\"constitutionality\":[163.21333919622631,-256.1426366888393],\"contemporary voices\":[-16.602669520578335,-5.789050414777242],\"coppieters foundation\":[56.324565138702,-319.1615421753676],\"critical review (journal)\":[-20.006259159851346,-18.485664275114583],\"crown servant\":[92.33418797499719,-239.17734667260837],\"cube root rule\":[-16.86064298444369,-30.155572765051804],\"cura annonae\":[-109.42900424509918,-176.02291430863662],\"cyranoid\":[-82.56272007604598,-254.59208781327283],\"david e. campbell (political scientist)\":[-14.61489807511605,-26.154939553820896],\"democracies: patterns of majoritarian & consensus government in twenty-one countries\":[0.4205217385740009,-25.47413452255299],\"democracy and security\":[27.068251935137454,-16.17559840957685],\"democratic recession\":[26.27067605762145,-21.193524903551747],\"deployment management\":[58.15644475350691,-18.546554542488046],\"designing social inquiry\":[-5.248150055861781,159.77899593479242],\"digest of middle east studies\":[-8.835083359953108,-4.91120325665095],\"distributive tendency\":[262.42639966237454,-130.69366916076103],\"donald e. stokes\":[-6.222486041815668,54.73289905232705],\"doncaster pride\":[76.27906117989515,-271.9771027411009],\"dyab abou jahjah\":[22.553674478685366,-12.910028130119596],\"edward j. bloustein school of planning and public policy\":[-17.057252760814514,-147.1034504386891],\"election law journal\":[-2.9852032505971544,4.704777218056957],\"elective dictatorship\":[42.04757747075133,-44.04605719037622],\"electronic process of law\":[101.08781433883314,-205.02844143669088],\"elif shafak\":[47.54332968499573,-9.573304303247722],\"emilia justyna powell\":[56.22112860321329,114.65132059926214],\"emmette redford\":[-3.87267482235943,139.90651711013038],\"english votes for english laws\":[91.82800788994204,-135.74208397477565],\"environmental politics (journal)\":[-4.079797688331376,-4.279849457746944],\"eric helleiner\":[-82.18634680461004,-167.29830866997872],\"ernest barker\":[-96.17328010716032,-280.02809276961875],\"essence of decision\":[-18.735013998763105,-48.90920096417095],\"european master of public administration consortium\":[26.893483515290985,-193.90541010650875],\"european school of political and social sciences\":[-41.40814863548801,-192.03460913786054],\"european union studies association\":[-81.98605553728332,-77.39897104519511],\"fabrizio zilibotti\":[-122.09064476669863,-282.9999674731379],\"faculty of political science, chulalongkorn university\":[45.801876159782275,-115.73114166534792],\"failed state\":[194.72149979649933,-153.7735736429286],\"fascism: a warning\":[45.24149914451282,-25.17544288272365],\"fiscal capacity\":[36.558016595350814,-39.275576792626595],\"food processing\":[-112.55891795848775,-204.86278740346333],\"foreign policy\":[67.64403909820638,-140.01647527983613],\"francesco caselli\":[-97.44570532235649,-249.99796454197033],\"frank batten school of leadership and public policy\":[-48.69548942735354,-200.48121854242166],\"fred w. riggs\":[40.852239267049114,-118.79674432877391],\"fritz w. scharpf\":[-108.84677467549592,-71.11709682209099],\"george hilton (historian)\":[-78.38019463696517,-263.9598670527818],\"german university of administrative sciences speyer\":[37.72945969785768,-199.13749051291254],\"gladstone professor of government\":[73.56991159697762,-193.7691462584239],\"global social policy\":[-66.76226139459432,-152.04081719155906],\"gloss (annotation)\":[180.32151993754016,-268.177648664337],\"grab em by the pussy\":[88.13664719951608,-149.7467642778841],\"graduate program in public management\":[13.554423356467895,-219.38514924088372],\"graduate school of public policy, university of tokyo\":[-26.46311231514398,-235.7017878359802],\"grenoble institute of political studies\":[-41.31868244698668,-93.03709600949558],\"grey room\":[3.1731594776047376,-20.554454323279575],\"gwendolen m. carter\":[-26.293687168726386,-15.727977968281701],\"health policy\":[-58.28807940311001,-180.21162904759282],\"health policy in bangladesh\":[-80.14521954955879,-188.30314286267298],\"health system\":[-101.48213885236544,-200.90935644105997],\"helen margetts\":[6.565478764487066,-121.24063426451028],\"henry e. brady\":[-2.196626751309848,129.90024233289625],\"her majesty's government (term)\":[39.6313815893352,-51.05156959724071],\"heterotopia (space)\":[11.531379198783098,-112.46125895747873],\"high policing\":[-166.18348192589568,26.16893468378544],\"history of political science\":[29.791871760618484,24.37094305384293],\"holocaust trivialization\":[87.32263825754157,27.197764280802886],\"horace campbell\":[2.3915838273940198,-9.078904354987195],\"how voters feel\":[75.52285088953683,-51.91498427532907],\"human resource management in public administration\":[111.53209482807891,-212.7563132649462],\"i like ike\":[86.84324064914618,-154.88073568557513],\"implementation\":[-50.85126212997148,23.001943977862705],\"inclusion and democracy\":[12.108208131138115,2.487342313238677],\"index of urban sociology articles\":[304.746978789632,-130.04494068369937],\"insight turkey\":[-21.737281228618816,-42.5256389964414],\"institut d'\\u00e9tudes politiques d'aix-en-provence\":[-37.81192517633029,-183.7600505596761],\"institut d'\\u00e9tudes politiques de toulouse\":[-17.320839829847355,-137.85654488773494],\"institute for international economic studies\":[-139.978931174609,-296.5812635008561],\"institute for political studies \\u2013 catholic university of portugal\":[9.0139935941392,-15.34345489624571],\"instituts d'\\u00e9tudes politiques\":[-50.83524309262576,-160.6801477245243],\"intergenerational policy\":[-69.05216406027232,-157.73815159270734],\"international centre for black sea studies\":[-178.68352413646366,0.6571356082794814],\"international journal of intelligence and counterintelligence\":[-11.058590089352878,-7.814041083115702],\"international political science association\":[40.380929527263056,51.841559974852025],\"international political sociology (ips)\":[-113.95074245079093,-26.139545902365054],\"international relations and security network\":[-148.0643908048197,-12.12457413518586],\"international review of the red cross\":[-27.505671398797876,-48.43757593445411],\"international security\":[-146.69983755420643,17.183868041887525],\"international society of political psychology\":[-22.688996289769058,93.49707147950852],\"ioana marinescu\":[-122.18864968541108,-228.87204574574133],\"ishraga mustafa hamid\":[-26.330103181409672,-34.295497918444866],\"istv\\u00e1n hont\":[77.35901457790186,110.14169472313003],\"j curve\":[13.717899661198208,-18.856236931423012],\"jane duckett\":[-28.813428047550772,-101.8137455498803],\"janet ajzenstat\":[-30.257482753600552,-42.650090116760786],\"jean bethke elshtain\":[-3.4034483770554136,-11.341299507538624],\"jerzy adam kowalski\":[-0.9118345030797053,-5.6570606876564336],\"john coakley\":[44.90658913199071,76.58695587465415],\"josepha laroche\":[7.732911139531537,-10.533284444121342],\"journal of current chinese affairs\":[-2.525788051273073,-16.06245693281024],\"journal of current southeast asian affairs\":[42.75986832326073,-29.606083114685333],\"journal of democracy\":[65.2858088574587,-68.7278290195678],\"journal of ethnic and migration studies\":[-11.51674461906218,12.415329955067499],\"journal of european integration\":[39.87225477399918,-25.070675747582282],\"journal of european social policy\":[-22.622844101576398,-25.07428040144463],\"journal of policy history\":[69.09201178865987,-91.462658281826],\"journal of political ideologies\":[21.55247386965872,-5.877689951634903],\"journal of theoretical politics\":[-27.730608346389236,-125.49904914236996],\"karl deutsch award\":[25.122204964076353,31.264627031678142],\"katharine hayhoe\":[49.44466373429015,-89.6597247800456],\"kim campbell\":[-85.22557672819941,-281.75596953006533],\"kissinger lecture\":[-30.60732226133365,-36.71916800816538],\"knowledge gap hypothesis\":[84.06475821941012,5.638762614563739],\"k\\u00e4the leichter\":[-12.502913285919835,-22.004174500541854],\"liesbet hooghe\":[-92.78129241534535,-123.56259291821536],\"limitarianism (ethical)\":[-162.49264048153228,-202.71908112529786],\"linked fate\":[5.217446475730785,5.190561519148458],\"list of futurama characters\":[93.17898339344927,-149.99272293720608],\"ljiljana radoni\\u0107\":[66.6765075644639,7.524752163093404],\"lloyd\\u2013la follette act\":[114.98841746635466,-300.6498697587067],\"london school of economics\":[-68.42907011883257,-240.03622418081395],\"lorena parini\":[37.11495577557667,-44.88414419200991],\"louise dandurand\":[16.705380233747203,3.6729782600872247],\"making democracy work\":[-17.72087049156566,-22.996995297027915],\"maladministration\":[160.92370236629955,-156.07116059286724],\"malinda s. smith\":[-60.90501263929016,-31.400187839966623],\"marc lynch\":[93.53679590827707,-142.90319792191127],\"marco tarchi\":[76.46957982281282,-45.58619565184836],\"margaret clark (political scientist)\":[37.470805211485605,-12.255827832573464],\"marian van landingham\":[-27.9757907557633,-54.04348235238354],\"marie-christine kessler\":[-36.70414621837432,-104.28405357808882],\"maritza montero\":[-16.53272589230082,50.011637000441866],\"mariya gabriel\":[64.24035204101882,-364.7160665847522],\"martens centre\":[58.96421303039098,-334.09022901881957],\"mass media and american politics\":[163.18541138449442,-21.641850592348714],\"master of public administration\":[11.48498891191748,-233.9999417542207],\"master of public policy\":[13.721052656104808,-243.83752595717002],\"masters in agricultural economics\":[-46.535998575589616,-298.6770731153186],\"mccourt school of public policy\":[7.8180582247180945,-261.86345181482415],\"mediations (journal)\":[27.201359994189215,-0.031903575256599044],\"michael l. gross (ethicist)\":[33.834428156923074,-26.40123903551694],\"michael thrasher\":[90.96863468347733,136.63921750445863],\"military policy\":[65.72381464129931,-255.69644139078784],\"minimal effects hypothesis\":[28.640489766638833,-24.282126313321253],\"ministry of infrastructure (ukraine)\":[-71.5118429338462,-150.00381513162722],\"multi-level governance\":[-76.29766419777143,-113.79672598700031],\"national student survey\":[-73.42167833372045,-270.0525807143191],\"new political economy (journal)\":[-47.83218858238952,-67.80870574069263],\"niamh reilly\":[26.03081282384936,-7.195546432790202],\"nicole bacharan\":[-35.04757695486036,-191.50355647872976],\"nonkilling global political science\":[52.6744762316165,-5.656145269443086],\"nonna mayer\":[-17.95638146461802,-113.18802308405746],\"nonprofit and voluntary sector quarterly\":[133.9509185252081,-209.52991587013403],\"norman chester\":[68.15679666568428,-57.289809213395365],\"numbers (vancouver)\":[77.73683009792236,-287.7955882188583],\"obshchestvovedeniye\":[-23.495748929262213,-49.91022427943474],\"olivier ihl\":[-36.07453286933362,-72.03929516198228],\"open philanthropy (doctrine)\":[89.58613889445259,63.90766372267617],\"pal lahara state\":[41.048424318465464,-37.16514553443432],\"parallel state\":[-1.9333358260800364,-0.7196377257526582],\"parochialism\":[286.9838502853398,-130.36939107196974],\"patient participation\":[-81.47289737608632,-182.59334281106703],\"paul de grauwe\":[-90.75432281278232,-247.0199057669583],\"paul van riper (political scientist)\":[39.88514137342609,-109.92891715443562],\"pauline barrieu\":[-86.57191541155126,-251.53387262818646],\"peace\\u2013industrial complex\":[18.06766024790391,-4.733647891571403],\"perestroika movement (political science)\":[45.49663404106576,-38.729041645845484],\"petition of right\":[179.83818830115334,-356.8674340754127],\"petitions of right (ireland) act 1873\":[189.2338458858405,-372.95749716950064],\"philip converse\":[-9.68787495078954,101.82376704430948],\"philip oxhorn\":[-16.48255998587863,-11.425277744728927],\"pi sigma alpha\":[9.767268165100646,-6.5082412580109406],\"pilar calveiro\":[28.03262284866511,-29.21130201838505],\"polarized pluralism\":[-15.623763347054009,-35.1657793783851],\"policy studies journal\":[-17.68892105712247,-60.85063223629979],\"politeia (journal)\":[48.213332132113145,-111.04336720427919],\"political alienation\":[3.147079367118513,1.125615656077663],\"political communication\":[103.32843546656866,-64.9187746813005],\"political criticism\":[129.3018954225611,-56.862967714356365],\"political geography (journal)\":[30.527995912367686,-6.626230163128948],\"political groups of the european parliament\":[47.76796642264926,-276.3424973734527],\"political journalism\":[107.19791206104725,-21.489264340925512],\"political man\":[51.94391122901482,24.748101621301103],\"political methodology\":[18.61286891664347,-21.480477054947674],\"political science\":[8.025988846686381,-46.96769271965757],\"political studies (journal)\":[48.72903970703217,41.26943127848303],\"political studies association\":[66.0352154176433,88.82550990577539],\"political studies review\":[49.110513117146084,93.67489199992838],\"politico-media complex\":[212.14738299566451,-33.78567267326231],\"politics (academic journal)\":[42.55278811403292,39.88213669796645],\"politics, philosophy & economics\":[-7.991371159190107,-23.676318498120466],\"politique africaine\":[-29.344247677613584,-27.208128833499913],\"population health\":[-83.43503763134835,-201.72714726190162],\"population health policies and interventions\":[-95.03092643618888,-197.93838918269373],\"pork barrel\":[244.14072755972833,-130.50396567489364],\"post-work society\":[-81.4764906445748,-123.57378773569421],\"postfunctionalism\":[-120.88862760097811,-122.01965861531218],\"praxis: the fletcher journal of human security\":[-36.326337004850714,-37.46574846987614],\"primakov readings\":[-161.41892104542694,32.57125762827566],\"princeton school of public and international affairs\":[-9.015442407394463,-218.26994987610578],\"principle-policy puzzle\":[10.16637679627722,-3.313822064997802],\"print capitalism\":[-8.740114438408357,-16.728376558013185],\"priya kurian\":[-16.91452847129918,4.32003471207082],\"proclamation by the crown act 1539\":[194.8706644882625,-368.7567672113433],\"public administration\":[56.65194181391196,-175.30728031529495],\"public budgeting\":[78.94119587325696,-190.70154188702855],\"public policy school\":[-0.6460230812925895,-199.3318408938288],\"qem\":[-38.08727936225067,-258.9848554859527],\"quaternary sector of the economy\":[197.9823353593388,-238.67369121475133],\"raisons politiques\":[-12.76735549937949,-120.15177808748678],\"rasma k\\u0101rkli\\u0146a\":[-22.885964407291066,-5.649772571804542],\"reichsministerium des innern\":[123.41349120393294,-291.80193384536074],\"rena dourou\":[51.57014024026466,-97.92012294180456],\"renata salecl\":[-81.29735385716745,-259.87550869691376],\"rent extraction\":[190.53417695399972,-142.1127435407655],\"rent-setting\":[183.70087384145418,-148.13527139163102],\"research excellence framework\":[-92.83886301831761,-254.35206605242107],\"review of international political economy\":[-57.960771783965725,-93.13760260617528],\"risk, hazards & crisis in public policy\":[-33.120934797772165,-15.120112622816295],\"rivers state civil service\":[122.40239737631774,-298.84375885711796],\"robert f. wagner graduate school of public service\":[18.747973219424214,-227.62439140053198],\"robert kent gooch\":[-16.616429017824334,-15.921024345227682],\"robert m. la follette school of public affairs\":[-35.86373796135868,-141.57253737576124],\"rodney tiffen\":[-13.301377657436404,-16.76303781056168],\"sacralism\":[-9.590700153161956,-12.688648665043829],\"sam potolicchio\":[8.515615335559895,-288.41795772881255],\"sanford school of public policy\":[-28.259584572048762,-221.0001438323131],\"schar school of policy and government\":[-11.751870840307394,-232.8759754782406],\"school of international and public affairs, columbia university\":[2.6801555632136904,-183.01569397710875],\"school of political and social sciences, unam\":[35.133960026079954,-113.77120853424097],\"school of politics and international relations, university of nottingham\":[50.812412569937806,118.85714761596205],\"school of public policy at central european university\":[18.737509438755236,-268.71822949082184],\"science & diplomacy\":[96.0025667034593,-136.79536674448104],\"science & society\":[-36.07214778514484,-24.95612519761311],\"sciences po\":[-22.516683430131685,-179.43065729550867],\"second-order election\":[32.43641388326636,-19.759316790352475],\"security sector governance and reform\":[-167.98314862318762,32.483342804392],\"security studies\":[-86.66015894129438,-38.110228477581295],\"security studies (journal)\":[-90.55567245674406,-11.190582303546039],\"security, territory, population\":[20.237909207093853,-115.42795118382624],\"slapsoftware\":[120.2206118302294,-216.63277585840717],\"small media, big revolution\":[-30.163240318865395,-32.31083954134578],\"social impact entertainment\":[94.1620570853886,59.89389929526079],\"social media in the 2016 united states presidential election\":[217.34350711969083,-49.103427406910576],\"social media in the 2020 united states presidential election\":[237.60539327571837,-43.017851612354875],\"social media use by donald trump\":[182.60222318190102,-72.21397433309275],\"social media use in african politics\":[209.97523446202365,-28.302348682264103],\"social media use in politics\":[191.92573775802362,-40.280200917251506],\"social policy\":[-44.96194486637784,-152.86028597635195],\"sophomore surge\":[13.696347361974727,-4.151299273447951],\"statecraft (political science)\":[31.57155181593389,-38.44436628633192],\"stephen barber\":[-34.47394501890916,-48.41245729460422],\"steven b. smith (professor)\":[-13.88957714199596,-0.3414505841181818],\"supreme court economic review\":[-13.869931212775795,-268.4998346899616],\"svetlana tatunts\":[44.04958372832565,-94.95322527327093],\"taftian theory\":[88.12052239887883,-139.74491493847313],\"territorialisation of carbon governance\":[-104.4373396442488,-108.68134477548594],\"terry karl\":[56.24999561365865,-55.19246536497413],\"the birth of biopolitics\":[-3.425843416417182,-108.25151550496295],\"the crisis of democracy\":[101.14236667881629,-157.10544621370673],\"the end of liberalism\":[-26.307242181517385,-40.41050759323265],\"the good society\":[13.704361424571468,-9.683694701070985],\"the hidden hand: middle east fears of conspiracy\":[-21.592138986879743,-55.25281549111668],\"the permanent revolution and results and prospects\":[6.361481588071872,-16.39481440702084],\"the soldier and the state\":[105.6953166680133,-155.3555163602625],\"theory of change\":[75.26603425476713,40.36218627648163],\"thucydides trap\":[86.68052352931934,-146.0138011242673],\"tore ellingsen\":[-90.84214564969318,-264.72794304515344],\"transformation processes (media systems)\":[116.22020589132813,-57.87688043487525],\"trusteeship (gandhism)\":[40.452572625407264,-17.756039186957537],\"tryph\\u00e9\":[-29.857477047994152,13.662012669056075],\"twitter diplomacy\":[203.6002328547908,-68.46091359680148],\"uk heo\":[50.91552241358624,-37.34383493314602],\"united federal workers of america\":[122.5260704869718,-226.21738964606533],\"universal basic income\":[-135.32946924981505,-198.41446181135055],\"val\\u00e9rie igounet\":[32.53178457438425,-16.088074507203018],\"viola klein\":[-111.35315843868727,-300.172675348056],\"vocational panel\":[116.4646995829276,-294.1076840354154],\"voluntary sector\":[179.20830598950283,-230.58043258175098],\"w. meredith bacon\":[-26.279162813070286,-21.847256063839925],\"walter f. dodd\":[-3.0215639141754806,109.12960138000757],\"warren miller (political scientist)\":[-12.142868554147483,138.95495942819875],\"william james booth\":[4.634190059653655,-1.92208100691652],\"wilson\\u2013patterson conservatism scale\":[1.8313213237195312,-15.777377479977964],\"wisconsin school (diplomatic history)\":[-60.03136720455435,-136.1519186826457],\"work, employment & society\":[-157.35773130139762,-201.00700462214496],\"wyn grant\":[80.72365388956757,143.95477656452394],\"yakama manty jones\":[37.0081954136323,-230.32690707686132],\"yelyzaveta yasko\":[13.71139211022912,-136.8144000384816],\"\\u00bfpor qu\\u00e9 no te callas?\":[108.3174809092538,-142.30881887724328],\"\\u00fcmit cizre\":[20.567909369506317,-17.373191627567397]}},\"id\":\"3394\",\"type\":\"StaticLayoutProvider\"},{\"attributes\":{\"callback\":null,\"tooltips\":[[\"Page\",\"@index\"],[\"Discipline\",\"@parent\"]]},\"id\":\"3438\",\"type\":\"HoverTool\"},{\"attributes\":{},\"id\":\"4664\",\"type\":\"AllLabels\"},{\"attributes\":{\"fill_alpha\":{\"field\":\"alpha\"},\"fill_color\":{\"field\":\"node_colour\"},\"size\":{\"field\":\"node_sizes\"}},\"id\":\"3473\",\"type\":\"Circle\"},{\"attributes\":{\"graph_layout\":{\"ahl al-hadith\":[57.35020479225092,48.28867978672266],\"american system of manufacturing\":[-142.4401878166587,153.54979363600043],\"archery\":[121.70179521997017,-20.284337244196152],\"archon fung\":[-139.22935044981318,-217.71282188508312],\"argumentation and advocacy\":[-184.18713934682523,-157.01135254730423],\"awza'i\":[68.24195000350005,57.51400496340137],\"bad governance\":[-50.63644051625453,40.16342171363527],\"bay'ah\":[108.74105334375882,24.798074315521518],\"bloc party (politics)\":[-50.75836635762476,32.194022985481006],\"border control\":[-42.80686546604586,76.7097295019402],\"brocard (law)\":[8.198004635966191,-10.409588118314797],\"carles boix\":[-37.070447421580134,-68.5501665745626],\"ceremony\":[241.52938720475544,47.992726767755464],\"charg\\u00e9 de mission\":[21.927427426896806,-110.10084578263417],\"civic virtue\":[-107.62104025338496,-192.03239881065562],\"civil discourse\":[-136.1608985298347,-205.57357276393225],\"civility\":[-79.44271301675076,-161.55551205852314],\"code of hammurabi\":[-61.20655132329788,-20.273649219819738],\"comparative criminal justice\":[-87.46953691218042,71.75630836963238],\"consummation\":[243.5398593815974,23.536239862794698],\"contingent sovereignty\":[-80.24168110005245,103.33658806890179],\"cultural survival\":[-147.48240064958011,64.75384795338823],\"custom (catholic canon law)\":[6.588540007334541,-41.06246398195809],\"debate\":[-178.03776875200103,-145.5845168624675],\"debate chamber\":[-185.17015961172078,-162.38902395110208],\"decentralized autonomous organization\":[14.550053827725172,119.29362982454624],\"decentralized computing\":[16.887683992911363,134.37834379406186],\"deliberation\":[-156.60960269141617,-187.051316454323],\"democratic party for a new society\":[-55.60325905437616,29.332412495416605],\"dominium maris baltici\":[-64.30253775260653,90.84102429989646],\"dualism (law)\":[-93.69721508963177,-2.941627146129269],\"effective number of parties\":[-46.968564801407126,47.500147020600586],\"executive order\":[-28.04713691649557,50.96904756763528],\"exequatur\":[14.957972292399806,-77.61580344604317],\"extemporaneous speaking\":[-193.96116179341104,-145.62743624843026],\"federal law\":[-20.01363774156752,97.35049800784309],\"feminist legal theory\":[-20.215316053718137,41.29282540529387],\"fiqh\":[44.47287205260148,31.547730172873596],\"friedrich naumann foundation\":[-169.49822267761022,60.61358920361294],\"full spectrum diplomacy\":[27.53805517611487,-106.70455830970783],\"fundacion manantiales\":[-151.23504441748545,58.33696048229205],\"gate crashing\":[211.66453863995744,39.26298777081913],\"ghazi (warrior)\":[61.30588735265105,20.26030028180191],\"grey-zone (international relations)\":[-76.80082324752567,110.68086641779487],\"henry habib\":[-69.196903742097,81.53022296013852],\"history of the american legal profession\":[-9.687849398719232,35.154924269787834],\"history of the legal profession\":[-18.618956507030102,29.843952990983265],\"honeymoon\":[253.51604345683197,20.90221950070603],\"imperium\":[23.90797819908901,-1.1970249119148142],\"injustice\":[-48.34266440357351,-102.74944938025735],\"inquisitorial system\":[-7.006270227971092,47.786397097141126],\"inside contracting\":[-152.57232769581609,159.9667348606243],\"institute for economics and peace\":[-80.11478921045277,-173.58715737324994],\"institute for international law of peace and armed conflict\":[-74.28625630214934,82.8347976156484],\"international association of art critics\":[-151.2702825210672,50.48144729715072],\"international law\":[-62.75581770642393,66.9941618029145],\"islamic funeral\":[134.7134330778587,22.658691863706103],\"islamic sexual jurisprudence\":[93.08585286638159,26.893652810238848],\"islamic toilet etiquette\":[86.02459857017142,15.516771330743973],\"istihlal\":[47.27278250700957,12.227432700364723],\"jewish-palestinian living room dialogue group\":[-162.2614666034876,-199.81950336613278],\"job cohen\":[-16.802139333642767,-32.05193658496593],\"joe biden (the onion)\":[-191.1887710100146,-151.69153322522052],\"julius stone\":[-65.24202463084761,37.17494116023561],\"jurisprudence\":[-5.923433393897118,-2.473086051514645],\"jus commune\":[2.138223466458313,-53.56325007128669],\"kaarlo juho st\\u00e5hlberg\":[-99.50471470781505,66.14154410767944],\"law without the state\":[-57.75364654560353,20.188436918483895],\"left group of finnish workers\":[-58.65364362805886,33.88972751761111],\"legal norm\":[-30.885354633691094,-11.903970513665298],\"leslie green (philosopher)\":[-28.42169510529762,-18.15301815841857],\"liechtenstein institute on self-determination\":[-28.66613789373328,-50.11901400690665],\"list of national legal systems\":[-35.921877448802796,13.680550300611149],\"madhhab\":[63.91539853228243,37.83856303546358],\"mahr\":[124.7594362340104,25.56130774765179],\"malikism in algeria\":[76.7175166902252,62.34288079382833],\"marlon bundo\":[-200.7925845521504,-159.449665156629],\"marriage of the virgin\":[-84.58652962165945,-35.99736247132359],\"martine-anstett award\":[-77.05690227046367,77.6114215811154],\"maxims of islamic law\":[47.46265495542729,47.929650882278004],\"menstruation in islam\":[117.7845621830768,32.70329002245144],\"moderation theory\":[-114.87803574388127,147.76066752033927],\"muhammad taqi usmani\":[80.07211978118326,5.218883181141285],\"neil maccormick\":[-31.435806220496723,-24.058953936399995],\"ngo-ization\":[-145.28981838923806,56.23794663832793],\"nigel simmonds\":[-36.19733676268115,-22.98896416194606],\"no war, no peace\":[-77.44673308176681,130.12159793442717],\"non-governmental organization\":[-132.9940438270967,55.79229615168808],\"non-state actor\":[-87.15362764680579,87.31260094150467],\"nonpartisanism\":[-55.71033472013725,38.64766679319664],\"notary (catholic canon law)\":[-3.7443161411546373,-43.36843500649684],\"note verbale\":[28.518104042430632,-117.76817052511072],\"obreption and subreption (catholic canon law)\":[1.1460938533830838,-37.13843187819152],\"occupatio\":[-1.6247418301320515,37.2568495996425],\"occupational closure\":[-51.46209328553606,-116.84265925234351],\"oliver lepsius\":[-19.36464509169375,-22.38138962088466],\"outworker\":[-146.98873241539192,148.99107924173418],\"parliamentary debate\":[-158.47191282498835,-126.83613325892667],\"parliamentary procedure\":[-159.9739792016074,-139.51144331117862],\"philosophy, theology, and fundamental theory of catholic canon law\":[-6.837914067975873,-18.968035967044017],\"political party\":[-38.899398037940074,35.57032939572278],\"prediction market\":[22.53034218854731,131.97791320585543],\"predictive policing\":[-6.078287628678918,61.90271381563267],\"promulgation (catholic canon law)\":[9.593433124299615,-34.02200438809659],\"proto-industrialization\":[-124.89413645956932,129.55780393657426],\"qazi syed inayatullah\":[76.28719344748754,9.17679797332635],\"quadrilateral security dialogue\":[34.124203513176155,-133.71402246603947],\"radicalization\":[-109.29169791733996,132.46566192037633],\"ratification\":[-138.72494763027262,-77.28859633723039],\"regulatory competition\":[-79.52147760351292,84.42462236563061],\"releasing the spirits: a balinese ceremony\":[253.71721907918274,56.76389740586252],\"res publica christiana\":[41.243024750083194,-19.416884322013175],\"resource conservation and recovery act\":[-16.607406034211735,120.65476286389064],\"rosa brooks\":[-78.42446973467895,72.56638825687266],\"rosa luxemburg foundation\":[-184.34005742207322,62.58518314202789],\"rowman & littlefield award in innovative teaching\":[-81.33558624562231,66.70018423901504],\"salvador minguij\\u00f3n adri\\u00e1n\":[7.590500208795533,-16.287724593442718],\"sexual jihad\":[111.58488566703107,41.14432726462027],\"sovereignty of the philippines\":[-97.27876635342251,129.66877140466678],\"spin room\":[-185.50624547422095,-150.90267456490736],\"squirrel (debate)\":[-167.86682327170382,-123.14951176676216],\"stephanos bibas\":[-116.35198854878608,-95.49517117763854],\"syed hayatullah\":[90.87523765760201,-0.30093116662313046],\"thawri\":[71.72464827148731,50.250507671895114],\"the province of jurisprudence determined\":[11.071872929794454,-5.352182824615116],\"time-use research\":[291.9594473954174,15.908881694796651],\"travel behavior\":[280.0872871676257,17.475446707328416],\"tripartite consultation (international labour standards) convention, 1976\":[-149.0491386807815,-82.09838794561739],\"usul fiqh in ja'fari school\":[21.967350782095295,12.537995702464316],\"vacatio legis\":[12.302886824942842,-49.52439274025164],\"violent non-state actor\":[-93.06082121153776,97.72058168651975],\"violent non-state actors at sea\":[-109.45968477185941,108.94098031049344],\"virtue jurisprudence\":[-41.79165385207481,-15.269060407404787],\"wedding\":[207.94238616842588,28.85813911581318],\"wedding reception\":[236.72192285284063,24.9452449609174],\"wedding vow renewal ceremony\":[245.02497895870843,33.268257035454354],\"westphalian sovereignty\":[-90.8502665709526,112.31160680577784],\"white wedding\":[239.0223477954329,16.01902108695398],\"writ\":[60.83320060879396,26.553073955174057],\"yehuda zvi blum\":[-78.59226925356361,46.334114927436964],\"\\u00e5land islands peace institute\":[-65.32620740647758,84.42335106071273]}},\"id\":\"3526\",\"type\":\"StaticLayoutProvider\"},{\"attributes\":{},\"id\":\"4701\",\"type\":\"UnionRenderers\"},{\"attributes\":{},\"id\":\"3493\",\"type\":\"BasicTicker\"},{\"attributes\":{},\"id\":\"4702\",\"type\":\"Selection\"},{\"attributes\":{\"end\":250,\"start\":-250},\"id\":\"3352\",\"type\":\"Range1d\"},{\"attributes\":{\"text\":\"['university', 'science', 'political', 'public', 'policy']\",\"text_font_style\":\"italic\"},\"id\":\"3379\",\"type\":\"Title\"},{\"attributes\":{\"end\":250,\"start\":-250},\"id\":\"3484\",\"type\":\"Range1d\"},{\"attributes\":{},\"id\":\"3361\",\"type\":\"BasicTicker\"},{\"attributes\":{\"source\":{\"id\":\"3519\"}},\"id\":\"3521\",\"type\":\"CDSView\"},{\"attributes\":{\"formatter\":{\"id\":\"4691\"},\"major_label_policy\":{\"id\":\"4693\"},\"ticker\":{\"id\":\"3497\"},\"visible\":false},\"id\":\"3496\",\"type\":\"LinearAxis\"},{\"attributes\":{},\"id\":\"4670\",\"type\":\"NodesOnly\"},{\"attributes\":{\"end\":250,\"start\":-250},\"id\":\"3483\",\"type\":\"Range1d\"},{\"attributes\":{},\"id\":\"3488\",\"type\":\"LinearScale\"},{\"attributes\":{},\"id\":\"3358\",\"type\":\"LinearScale\"},{\"attributes\":{\"text\":\"['law', 'legal', 'border', 'international', 'wedding']\",\"text_font_style\":\"italic\"},\"id\":\"3511\",\"type\":\"Title\"},{\"attributes\":{\"above\":[{\"id\":\"3379\"},{\"id\":\"3380\"}],\"below\":[{\"id\":\"3360\"}],\"center\":[{\"id\":\"3363\"},{\"id\":\"3367\"}],\"height\":333,\"left\":[{\"id\":\"3364\"}],\"renderers\":[{\"id\":\"3381\"}],\"title\":{\"id\":\"4644\"},\"toolbar\":{\"id\":\"3373\"},\"width\":333,\"x_range\":{\"id\":\"3351\"},\"x_scale\":{\"id\":\"3356\"},\"y_range\":{\"id\":\"3352\"},\"y_scale\":{\"id\":\"3358\"}},\"id\":\"3353\",\"subtype\":\"Figure\",\"type\":\"Plot\"},{\"attributes\":{\"formatter\":{\"id\":\"4694\"},\"major_label_policy\":{\"id\":\"4696\"},\"ticker\":{\"id\":\"3493\"},\"visible\":false},\"id\":\"3492\",\"type\":\"LinearAxis\"},{\"attributes\":{},\"id\":\"4703\",\"type\":\"UnionRenderers\"},{\"attributes\":{},\"id\":\"4669\",\"type\":\"NodesOnly\"},{\"attributes\":{},\"id\":\"3490\",\"type\":\"LinearScale\"},{\"attributes\":{},\"id\":\"4704\",\"type\":\"Selection\"},{\"attributes\":{\"axis\":{\"id\":\"3492\"},\"grid_line_color\":null,\"ticker\":null},\"id\":\"3495\",\"type\":\"Grid\"},{\"attributes\":{\"axis\":{\"id\":\"3496\"},\"dimension\":1,\"grid_line_color\":null,\"ticker\":null},\"id\":\"3499\",\"type\":\"Grid\"},{\"attributes\":{\"graph_layout\":{\"99ers\":[-22.091366206766907,-20.36938137117091],\"abnormal profit\":[102.70818413968013,-176.4963253869024],\"accelerator effect\":[-38.585915257353285,14.463668521928595],\"adam smith\":[-95.3814723719579,-63.64876993446695],\"ad\\u2013ia model\":[-117.70063759456191,-94.6174256954094],\"air rights\":[-158.8237610678014,-53.69007047660789],\"ak model\":[-67.8771203833712,18.86124797195625],\"alternative financial service\":[-196.2116598355594,106.30224330409455],\"american recovery and reinvestment act of 2009\":[67.4395206765387,65.9689845916618],\"an economic theory of democracy\":[-0.9199726351145823,231.10319402056004],\"analytical sociology\":[154.4804742583463,257.10923911493904],\"andrea weber\":[96.10471352429849,68.68109987389417],\"anglo-saxon model\":[-114.2827778772927,-131.86983369371293],\"anthony downs\":[-35.46624822258046,163.51247265968016],\"ap microeconomics\":[83.87469643504332,-161.11231004758807],\"armchair theorizing\":[-327.39254023702813,-146.1715085810537],\"arrow's impossibility theorem\":[54.40707299551213,168.20902515977414],\"asset specificity\":[24.583534321992726,10.922891612376526],\"assume a can opener\":[-8.622701970957996,-172.29392671640184],\"attention economy\":[-83.47337622829498,-130.93232967147068],\"auction theory\":[207.594338880812,156.73990387133946],\"austerity: the history of a dangerous idea\":[112.64352116545017,35.32321919581103],\"autonomous consumption\":[-70.3363504717837,70.62671390981707],\"average fixed cost\":[122.13688463674202,-171.712492287318],\"average variable cost\":[118.78121630603546,-175.98364196979176],\"backward bending supply curve of labour\":[139.8224325366384,-61.26255977933096],\"balassa\\u2013samuelson effect\":[105.85696979781216,-164.16262118754042],\"base period\":[82.46477855738149,-179.41453307928725],\"beatrice cherrier\":[15.057746135747346,-177.00903153637807],\"beckstrom's law\":[236.97195269033259,-121.16375059053539],\"benefit financing model\":[-27.31900301780337,-341.4839234347705],\"bengt holmstr\\u00f6m\":[55.117369503796596,115.19456703439343],\"benjamin moll\":[233.2038168717873,64.73682033971193],\"benny moldovanu\":[282.4839728997827,130.14408519974222],\"bertrand competition\":[99.85899068134002,179.86756561735172],\"bertrand paradox (economics)\":[66.29607143363947,195.33645129766785],\"beveridge curve\":[-115.30495086353649,-2.739146145766844],\"big push model\":[-3.7938308610712452,-183.493578152443],\"binomial options pricing model\":[-193.5409234866122,140.88114755261697],\"bishop\\u2013cannings theorem\":[98.88873437964021,233.6305501433003],\"blue economy\":[-36.44791647137576,-162.9660777869059],\"blue justice\":[-49.99531626997009,-242.41134576714512],\"bowley's law\":[-158.21685615355193,26.401375019818683],\"b\\u00e9la balassa\":[149.45181074575447,-209.67720108308063],\"catch-22\":[-37.7118721096469,210.87106579656177],\"ceteris paribus\":[75.59555270069383,-117.54129672364458],\"charles henry hull\":[-134.5857991865,-130.8133110169431],\"circular flow of income\":[-74.79985359118595,-117.2609581775009],\"clive granger\":[34.35755386446977,160.47589704520564],\"cobweb model\":[72.01763395336371,-18.938459829859344],\"colonial origins of comparative development\":[-146.85489526958568,24.9447005095847],\"conjoint analysis\":[146.42952270923246,-116.70724599699109],\"conservative research department\":[-116.27572316201817,28.415161399946495],\"constitutional economics\":[-123.52988602377292,-82.95601061671043],\"consumer class\":[-122.77396496990751,-51.93298619289857],\"consumer debt\":[-147.6219728184516,81.78917100327081],\"consumer sovereignty\":[-98.24952186441143,66.6928531737479],\"consumption (sociology)\":[-190.1081995763137,-82.89140086581119],\"contingent claim analysis\":[-77.26616892429266,79.77381731758459],\"convergence (economics)\":[-44.156259659627636,-157.1090827293419],\"convex preferences\":[117.7366031838259,-121.7713517851788],\"corner solution\":[32.14209584151727,-161.36562964854127],\"corporatization\":[-120.30098594003212,-230.91160435876904],\"cost-weighted activity index\":[167.86059439278154,-235.01511208016512],\"cournot competition\":[92.8950339486031,106.52760371880304],\"credit default option\":[-221.61863771251697,160.82088072004072],\"cumulative process\":[110.95243000925691,-64.37637841041622],\"curvilinear disparity\":[49.58610266127325,266.7221022567924],\"daniel kahneman\":[29.227902501009957,131.4222525964258],\"daniel mcfadden\":[107.61055872640205,99.8492140519735],\"darwinian anthropology\":[-7.718090787024754,210.48504694118625],\"david laidler\":[-68.57739627795397,179.60562840323038],\"deflator\":[120.13330602955705,-203.6337563626834],\"degrowth\":[-155.66677056539507,-86.59819352490425],\"demand curve\":[111.08229857361168,-104.8307036835946],\"demand shaping\":[209.66721162186866,-80.18620684074507],\"diamond-water paradox\":[-77.35348408260886,107.71898135352808],\"differentiated bertrand competition\":[126.55434179851949,119.21805154762333],\"diminishing returns\":[-11.71733905082232,-141.6031649009301],\"discrete choice\":[201.36585611953367,-8.283642987401103],\"dispersed knowledge\":[-126.52278323890137,20.38359454194957],\"dixit\\u2013stiglitz model\":[182.95908708768943,-242.0657621820945],\"dollar voting\":[-153.3026007851035,62.25883008131736],\"downs\\u2013thomson paradox\":[-54.54139071460049,208.86079342318777],\"dynamic density\":[-163.6544913958084,-181.15470159249054],\"dynamic discrete choice\":[238.6789873827577,-20.610503593202527],\"dynamic pricing\":[153.23785997586108,-69.68635142764818],\"e. f. schumacher\":[-43.9545977330339,-87.79614662832113],\"eco-capitalism\":[-111.51537092080589,-40.45433166570333],\"ecodynamics\":[-238.00897325475117,-28.097065425631563],\"ecological economics (journal)\":[-213.68969484855361,-63.15291458599679],\"economic base analysis\":[125.40602209819772,-37.46188710847926],\"economic data\":[51.11083280209245,-18.900268312889413],\"economic evaluation of time\":[35.74801924183181,194.28765743465155],\"economic graph\":[109.54067177837383,-52.77802858418628],\"economic indicator\":[18.83821009762632,-118.99041664960785],\"economic law\":[-207.81987596998314,-123.87746414153725],\"economic model\":[14.02743661197226,-90.40189798820339],\"economic satiation\":[153.57334730772266,-45.748879012747075],\"economic transformation\":[-28.51001255030185,-37.91549506783178],\"economics (textbook)\":[-135.16154193253698,-15.522561664867082],\"economics handbooks\":[-38.95839688371784,-302.0298809080808],\"economics terminology that differs from common usage\":[96.0133962317095,-123.02443116324969],\"economists for peace and security\":[116.2006545110762,117.45178436824027],\"econophysics\":[-65.74308401280062,-25.77798886314425],\"econtalk\":[-33.92641890891544,81.01808821006769],\"edgeworth binomial tree\":[-210.0342016373008,147.79107986611723],\"edgeworth box\":[44.04033417454734,2.58580918846132],\"edgeworth paradox\":[16.246070238235912,193.02953103435408],\"efficiency wage\":[70.08814178784479,53.49893827493063],\"electronic funds transfer\":[231.70607494946896,20.108813382175175],\"elhanan helpman\":[86.1231677848275,87.02427311913137],\"elinor ostrom\":[-9.649748141681018,30.791003338112517],\"environmental peacebuilding\":[-167.526994221628,214.79144953967682],\"eric french (professor)\":[10.88631241270341,-182.13910186964335],\"erwin plein nemmers prize in economics\":[165.70409436060447,131.7769265105432],\"eugene fama\":[-3.224743404148539,145.31144792761071],\"evolutionary game theory\":[71.61901557840082,176.8706194878562],\"evolutionary psychology\":[-26.070414319567703,117.56346549333017],\"excess burden of taxation\":[-114.92285383752423,-113.69895949191485],\"excess reserves\":[67.90452519656722,31.418451816090926],\"expansionary fiscal contraction\":[225.20083562165235,44.08009916299311],\"experimental economics\":[-7.90884829412732,-75.29041860219101],\"factor endowment\":[-173.7947108464407,209.80420487314828],\"factors of production\":[47.812522973158586,-181.066209090281],\"farshid jamshidian\":[15.392618818842404,244.99167820985787],\"fei\\u2013ranis model of economic growth\":[8.60995006612867,-153.47090612376644],\"fenno's paradox\":[-51.05971679525574,219.41923859980201],\"finance & development\":[23.954210761147916,-240.02153033156284],\"financial economics\":[-35.26319629252057,39.20592524956567],\"financial innovation\":[-166.31244292753144,-81.62670533143059],\"financial models with long-tailed distributions and volatility clustering\":[-101.12648592001342,100.6363457381619],\"fischer black prize\":[-67.2715337665659,140.01209835106442],\"forward exchange market\":[94.48465627885324,-80.88787251119331],\"forward price\":[-229.93033121322958,160.53227007094483],\"foundation for european economic development\":[-132.86447860279938,141.8101943649668],\"fractional-reserve banking\":[183.16543776625986,12.246508988156313],\"friedrich hayek\":[-60.80226764876423,-7.52496098701386],\"gabor\\u2013granger method\":[42.94269586190509,228.00215301373925],\"garman-kohlhagen model\":[-231.96827984199717,149.27012524626613],\"georg weizs\\u00e4cker\":[-43.89839563069289,79.25517221706676],\"georgism\":[-88.29452460708778,-101.4207098705977],\"gerald shove\":[-6.259677641016642,-216.42816694496275],\"gerschenkron effect\":[59.38415938757819,-66.64471685039233],\"giancarlo corsetti\":[-39.48792685676106,-230.81628618575232],\"giffen good\":[-33.80265887438562,147.49467353051946],\"glossary of economics\":[46.923650125675884,-110.72268284130358],\"grazing rights\":[-145.62439628139288,-36.22916428067362],\"guido tabellini\":[123.12613627535475,-22.547218068257262],\"guns versus butter model\":[99.97085741431974,-234.3236377558858],\"gustav stolper prize\":[225.38618413446858,109.3331731317168],\"harris\\u2013todaro model\":[129.17234774704445,-44.62288747005619],\"heckscher\\u2013ohlin model\":[114.09942410430034,-143.17214087269363],\"hedonism\":[-49.742518188299385,192.69605786950916],\"hemline index\":[57.713501330042995,-253.853261170133],\"hicks-neutral technical change\":[78.52948545018327,-153.41395384399704],\"hicks-tinbergen award\":[167.1722658899167,-3.868844620979766],\"hiding hand principle\":[-46.72730997897454,97.93180679968368],\"history of capitalist theory\":[-107.08211364743323,-18.570741026924253],\"history of microeconomics\":[26.546975167496882,-18.72752925695098],\"hobbesian trap\":[49.97347495302375,218.27947246776242],\"homo economicus\":[4.61425833181205,107.94100282419036],\"hotelling's law\":[96.7642350084018,138.52664576503332],\"how are we to live?\":[-168.7671872261771,-78.00101151501761],\"human behavioral ecology\":[12.516517292369683,209.62197644764254],\"hunter-gatherer\":[-137.08877387500476,-225.34716579027508],\"icarus paradox\":[-47.18159845690665,232.0529584753404],\"identity economics\":[130.4957193531687,-41.00599854244795],\"identity line\":[-180.8201544898834,-60.122225327390424],\"implicit cost\":[-11.236442741037186,-56.967081997760054],\"import substitution industrialization\":[74.14002755047332,-100.28059079232192],\"in kind\":[-119.99276136036669,-208.61679556438222],\"index (economics)\":[14.415455062620556,-60.35644322153708],\"index of economics articles\":[60.28297597591284,-42.962792734137274],\"india quarterly\":[-102.77573476418367,161.9314963301477],\"indian economic and social history review\":[-106.00849141609194,165.89698217243503],\"indifference curve\":[82.95295033772854,-76.93654912651812],\"indirect inference\":[133.4844247791131,-11.129991164624212],\"induced consumption\":[-88.86180905926456,95.09162752417535],\"inertial inflation\":[174.8782683930828,-231.96602949670014],\"infant industry argument\":[131.388895552141,-135.52505621310084],\"information economics\":[57.05882306528258,-83.74957035301051],\"inframarginal analysis\":[-60.75496260813557,-145.43172624376675],\"institutional analysis\":[-17.146223114509752,78.98111947370116],\"institutionalist political economy\":[-63.577058550553716,-123.21455938212785],\"inter-municipal cooperation\":[-190.71754232226868,-357.1726046525934],\"internality\":[104.1622228332369,196.9285844181056],\"international economics\":[-31.101496719482636,-105.94155223708513],\"intertemporal choice\":[106.69698602606839,-75.51010275497892],\"intertemporal equilibrium\":[121.01795906935328,-43.539519986179215],\"inventory bounce\":[92.94427042926598,-155.37507527591305],\"is\\u2013lm model\":[-46.34429854495054,-56.50044585263401],\"jacob hollander\":[100.99524146266499,80.72227592268617],\"jane semeleer\":[34.31300588031476,-302.25833564222734],\"jel classification codes\":[-26.143283435857818,-179.16929809789298],\"jensen prize\":[-83.07581277461412,125.93155296569535],\"john harsanyi\":[76.94081401957428,133.6681084033511],\"john hicks\":[2.339608205508809,-38.30864880350551],\"joint product pricing\":[100.38410349918477,-96.47183151682592],\"joseph schumpeter\":[-7.875290373785502,-0.05269257853788506],\"journal of behavioral and experimental economics\":[23.627883533395316,-144.25928137954395],\"journal of public economics\":[40.30032450723972,58.57134767551983],\"journal of the european economic association\":[264.7477271370396,36.16490596955131],\"kalahari debate\":[-169.5389373471242,-264.22379691458156],\"kenneth arrow\":[34.65262821434934,28.592504152514728],\"keynesian cross\":[-72.35356030954127,-46.35392289159284],\"keynes\\u2013ramsey rule\":[82.13999467310548,-88.90507455539151],\"kiyotaki\\u2013moore model\":[-2.087279254578971,-90.51157818175153],\"knowledge assessment methodology\":[-101.1348091542672,-217.85976550537876],\"knowledge economy\":[-76.80368861351675,-158.69140344657382],\"labor theory of property\":[-157.318345098007,-42.28221733560389],\"law of increasing costs\":[-25.841613736954102,-153.19476857281538],\"law of rent\":[-171.24714132528572,-50.95932781006142],\"law of supply\":[10.443126642714963,-137.83972182511081],\"lawrence summers\":[81.3885763372787,56.04621033558545],\"learning economy\":[-95.88648998330405,-218.61329355366274],\"leonid kantorovich\":[43.84705716727661,145.10981094316915],\"leontief paradox\":[21.88589302476845,65.6926984101962],\"leontief production function\":[90.64698721572574,-221.4223723750596],\"lerner paradox\":[-56.82613102673243,225.64739460398084],\"lipstick index\":[36.68760805574777,-192.7957741997884],\"list of financial economists\":[12.893543267598282,181.2417024425404],\"list of important publications in economics\":[-34.30083370677787,-69.39187905502742],\"list of jewish american economists\":[-1.3743987352378477,189.00936156291718],\"list of production functions\":[92.05788237239618,-181.52121979911675],\"list of stateless societies\":[-164.5289557364531,-268.3132071631147],\"local multiplier effect\":[324.6995137404989,-170.2195232714171],\"local service delivery\":[-171.5508633452412,-322.85601812556337],\"long-run cost curve\":[85.20816293676488,-193.2498713380137],\"loopco\":[60.03679703160091,-160.7707672217112],\"lump-sum tax\":[-170.7213554714721,-151.60982954761528],\"macroeconomic model\":[-38.818569295544194,-20.022535875201207],\"mainstream economics\":[-42.93188336035499,-123.58253978022435],\"mandeville's paradox\":[-75.09658103157342,151.8075069520459],\"manorialism\":[-110.95240590677172,-214.8187579096003],\"marginal factor cost\":[68.14402251335086,-235.50671708463744],\"marginal propensity to consume\":[36.09320375280051,-9.325805128736052],\"marginal propensity to import\":[93.40538969643868,13.432730163139405],\"marginal rate of substitution\":[95.87639056195714,-110.6280488233155],\"marginal rate of transformation\":[53.61775141136547,-202.1548681631432],\"marginal return\":[-104.26563782433061,-187.51554223942472],\"marginalism\":[-60.428315006259496,-75.81654457415128],\"market allocation scheme\":[-167.9179122857562,-86.67991429586918],\"market mechanism\":[-15.012034795779988,-31.004266033995904],\"market microstructure\":[-71.0251794576646,81.40349448627973],\"market rate\":[100.24210108809008,-81.23384804833448],\"martin hellwig\":[211.76344943917016,53.98495932044902],\"maturity transformation\":[235.97885314828054,16.248721777146145],\"median voter theorem\":[38.013850589122,208.42573976531287],\"men's underwear index\":[72.39506171296574,-301.5154144701122],\"mental environment\":[-61.69175813527246,162.8474705555576],\"merger simulation\":[131.53491332973005,69.85170720528573],\"mesoeconomics\":[151.9230791654398,63.01697025078586],\"methodology of econometrics\":[196.51166215980902,-34.83708021829139],\"michael spence\":[62.52541016643436,88.1490568806126],\"middle-range theory (sociology)\":[173.9046480122193,296.3677250844051],\"mundell\\u2013tobin effect\":[-68.72220554509212,-101.79809969254131],\"myron scholes\":[-15.7076484161089,153.01936241718315],\"national agricultural policy center\":[108.28664309890738,-87.72729940702895],\"natural capital\":[-173.55893167047626,-35.306278688057176],\"nava ashraf\":[-27.60407310766355,86.88634999624144],\"nayakrishi\":[-238.96144558783564,-34.665307758758],\"neo-capitalism\":[-87.62328178977694,-23.64714500094014],\"neo-ricardianism\":[-138.31949272972534,-113.00096679532145],\"network effect\":[191.47353110470726,-115.19862248613103],\"new institutional economics\":[-89.45422857102976,2.4798192359494955],\"nominative determinism\":[-51.39376865360037,267.12367548861556],\"norwegian paradox\":[-104.02959685965868,119.27084426361378],\"off the verandah\":[-369.94881090500854,-161.6838400768531],\"on the principles of political economy and taxation\":[-146.8836797910153,-69.05841258469019],\"open economy\":[-96.63453533096529,-238.98083243809464],\"opportunity cost\":[60.14062345885078,-130.3008763606696],\"option screener\":[-224.99935875327586,149.17609653052378],\"ordoliberalism\":[-98.8004719834988,-27.112935065182278],\"organizational space\":[-73.37543349212635,-206.34836106053282],\"output elasticity\":[-117.97979710860498,52.15584817556264],\"paola giuliano\":[307.281972525643,43.71994339068108],\"paradox of prosperity\":[-58.24477584297155,218.1366338371633],\"paradox of thrift\":[-86.70499586187516,52.36480560412633],\"paradox of value\":[-63.04219365473937,86.68270229784254],\"paul milgrom\":[72.67029404151354,149.7957032436269],\"paul romer\":[26.355611243686905,101.96844644973464],\"peace dividend\":[75.6501877865585,-275.2354082715629],\"pensions crisis\":[-164.52255058230017,-74.47962549601513],\"peter jaeckel\":[10.494340672730829,241.11275003210457],\"phillips curve\":[-51.72161954202573,-33.98151735958568],\"pierre-andr\\u00e9 chiappori\":[199.506985000321,-56.80430086818172],\"policy sciences\":[-101.58061570838572,169.49783024727736],\"pork cycle\":[71.16438206618929,6.057574943994141],\"precautionary demand\":[97.40687150978725,-186.57206630823507],\"preclusive purchasing\":[163.96687283121614,-135.180088342698],\"preference theory\":[223.0862142768223,-145.58943035020027],\"price index\":[137.10278768717197,-194.79823778076303],\"price support\":[166.27791523246512,-79.78297242316698],\"pricing kernel\":[88.6309125730589,-24.8111725554136],\"principles of economics (marshall book)\":[-96.45600467662926,-120.44943100489954],\"principles of political economy\":[-294.65816276119733,-107.3265248657501],\"principles of political economy (malthus book)\":[-258.8166065955162,-96.90754583860206],\"privatism\":[-119.2103826194981,-30.457109860771226],\"problems with economic models\":[95.75687657864337,-87.98006339508208],\"production\\u2013possibility frontier\":[107.74909415974243,-190.96299843552728],\"productive capacity\":[89.42695795832509,-161.4497383923492],\"public economics\":[-7.735816715673494,-105.06137049107303],\"public engagement\":[137.44430697217587,78.09073987897906],\"public property\":[-145.77889568572442,-55.16731736055629],\"purchasing power parity\":[28.957565912568786,-83.29403900512523],\"ralph borsodi\":[-184.71643166531177,-165.97723176515257],\"ramsey\\u2013cass\\u2013koopmans model\":[-22.066194622735946,-49.45987468165955],\"real economy\":[-68.0299349347279,37.858149800988734],\"real-time economy\":[-117.36560946081701,75.01137694476293],\"reed's law\":[208.59225783124933,-103.2137109199032],\"regulatory economics\":[-139.1097305238831,-42.72843820033348],\"relative income hypothesis\":[-113.75323828054786,113.0732350691583],\"rentier state\":[-161.73784697384528,75.97866494887147],\"research papers in economics\":[-67.62694572688419,118.14241482655316],\"resource curse\":[-139.55058042016955,172.78310770177512],\"resource justice\":[-167.5854028567438,208.19883829797428],\"rethinking economics\":[-43.740733667311666,-348.7689586253634],\"returns (economics)\":[-138.91148129559718,-159.02287563516586],\"revealed preference\":[177.1052213503152,-123.45180214983935],\"ricardian equivalence\":[183.34426179770853,51.44741393874131],\"robert ekelund\":[-267.8056529062079,-125.58422813336603],\"robert heilbroner\":[-135.8269040471114,45.546767929485966],\"robinson crusoe economy\":[-49.6182758943897,-213.70684799720993],\"roll-geske-whaley\":[-183.41452339573533,160.9413680653961],\"sailing ship effect\":[238.65416609037788,-135.0956059717624],\"samuelson condition\":[117.93591882313046,-65.77681738852381],\"say's political economy\":[-166.02453055416694,-90.67366261985053],\"schelling's segregation model\":[58.25954972973506,148.06463431680748],\"scitovsky paradox\":[-51.29667060307251,226.44981785006442],\"sectoral output\":[171.31114047742602,-227.5590158632271],\"sequential game\":[89.0688721857747,172.4473407934762],\"service economy\":[-62.70953525434265,-173.1754671521115],\"sharon oster\":[112.07901129330271,209.06682974792224],\"simulation modeling\":[-26.47200327929453,-298.11881676545335],\"skew\":[-154.95324312214328,120.66945762087722],\"small office/home office\":[189.08489637230434,-49.77405845137745],\"social cost\":[0.5190663965852514,-59.21802721531385],\"social multiplier effect\":[287.1744696749031,-154.70107889446948],\"society for economic anthropology\":[-146.9507001893924,30.439540610009963],\"solow\\u2013swan model\":[-35.29951303821604,-55.21730738325843],\"sonnenschein\\u2013mantel\\u2013debreu theorem\":[36.67404512673319,-143.01889680407297],\"st. petersburg paradox\":[-11.583303322017604,90.23500181070416],\"state price density\":[96.23612804666911,-26.88335237376681],\"steven n. s. cheung\":[-52.399518603195816,120.46721099201002],\"structural estimation\":[206.7878922253466,-22.039443889989915],\"stylized fact\":[-161.51911852756186,15.15671703485235],\"subsidy\":[194.08417173275504,-78.2406752853343],\"substitution effect\":[90.7749749905731,-63.703935920932885],\"sunk cost\":[94.09446947812545,-5.598347135659467],\"superrationality\":[83.5876618856676,41.97536978842876],\"supply and demand\":[34.142893127782244,-60.332835808408774],\"tax-allocation district\":[246.17405424409645,-89.21150780039623],\"the american journal of economics and sociology\":[-220.80707213717238,-107.47227654709525],\"the counter-revolution of science\":[-148.53203935528674,-0.3871031175301707],\"the good soldier \\u0161vejk\":[-44.654868770297334,267.93105480888113],\"the road to serfdom\":[-159.1391499851171,0.8445100756827538],\"the triple revolution\":[-190.70467033198614,51.54728930112525],\"thomas schelling\":[97.48985141334302,155.03916104718616],\"timo ter\\u00e4svirta\":[37.4758744127433,225.08495317258584],\"toothpaste tube theory\":[-0.6113905179533241,-212.44923973404423],\"triangle model\":[-119.13481158555253,-7.982622457157597],\"trygve haavelmo\":[42.30744214527999,112.96623967314453],\"two-level game theory\":[104.86463332382286,164.8958480387224],\"two-sided matching\":[277.63370675274007,161.01989267733313],\"unearned income\":[-180.31329259161149,-69.45272841390437],\"universe (economics)\":[129.35205255668671,-50.686813138371484],\"unplanned economies\":[-144.39102362287673,-255.78845060017755],\"urban village\":[-78.4642979516,-227.90995234277318],\"utility\":[87.01714916781661,-44.56223818007932],\"vent for surplus\":[-236.15451730539414,-95.17828608878686],\"vernon l. smith\":[41.03799776515824,86.89269492446986],\"visible hand (economics)\":[-75.43693543766969,-33.02466732064171],\"volatility clustering\":[-104.56445560751345,96.74407214406804],\"w. kip viscusi\":[90.47389302484542,46.30908417655114],\"wallace neutrality\":[231.54360758094126,70.53485026784558],\"walras's law\":[66.2321630517393,-202.90973825743606],\"weak and strong sustainability\":[-212.82513087623735,-70.01237383319612],\"william a. niskanen\":[-48.956205536124436,178.59123331333865],\"william vickrey\":[71.06761356055938,108.34868515199628],\"wilson doctrine (economics)\":[130.82241517811516,182.0280898365952],\"winner-take-all politics\":[-162.03062344140207,-97.02551775766791]}},\"id\":\"3460\",\"type\":\"StaticLayoutProvider\"},{\"attributes\":{},\"id\":\"3497\",\"type\":\"BasicTicker\"},{\"attributes\":{\"callback\":null,\"tooltips\":[[\"Page\",\"@index\"],[\"Discipline\",\"@parent\"]]},\"id\":\"3504\",\"type\":\"HoverTool\"},{\"attributes\":{\"text\":\"Community: 4\",\"text_font_size\":\"16pt\"},\"id\":\"3512\",\"type\":\"Title\"},{\"attributes\":{},\"id\":\"4675\",\"type\":\"BasicTickFormatter\"},{\"attributes\":{},\"id\":\"3501\",\"type\":\"WheelZoomTool\"},{\"attributes\":{},\"id\":\"3500\",\"type\":\"PanTool\"},{\"attributes\":{},\"id\":\"3502\",\"type\":\"SaveTool\"},{\"attributes\":{},\"id\":\"4677\",\"type\":\"AllLabels\"},{\"attributes\":{},\"id\":\"3503\",\"type\":\"ResetTool\"},{\"attributes\":{},\"id\":\"4705\",\"type\":\"UnionRenderers\"},{\"attributes\":{},\"id\":\"4706\",\"type\":\"Selection\"},{\"attributes\":{\"data_source\":{\"id\":\"3453\"},\"glyph\":{\"id\":\"3478\"},\"hover_glyph\":null,\"muted_glyph\":null,\"view\":{\"id\":\"3455\"}},\"id\":\"3454\",\"type\":\"GlyphRenderer\"},{\"attributes\":{\"source\":{\"id\":\"3515\"}},\"id\":\"3517\",\"type\":\"CDSView\"},{\"attributes\":{\"data\":{\"end\":[\"civility\",\"bay'ah\",\"mahr\",\"wedding\",\"white wedding\",\"wedding reception\",\"honeymoon\",\"wedding vow renewal ceremony\",\"political party\",\"jurisprudence\",\"political party\",\"international law\",\"fiqh\",\"feminist legal theory\",\"list of national legal systems\",\"inquisitorial system\",\"history of the american legal profession\",\"executive order\",\"philosophy, theology, and fundamental theory of catholic canon law\",\"predictive policing\",\"fiqh\",\"madhhab\",\"istihlal\",\"international law\",\"non-governmental organization\",\"international law\",\"american system of manufacturing\",\"outworker\",\"bay'ah\",\"mahr\",\"islamic sexual jurisprudence\",\"jurisprudence\",\"political party\",\"international law\",\"fiqh\",\"feminist legal theory\",\"list of national legal systems\",\"inquisitorial system\",\"philosophy, theology, and fundamental theory of catholic canon law\",\"executive order\",\"predictive policing\",\"jurisprudence\",\"fiqh\",\"malikism in algeria\",\"awza'i\",\"thawri\",\"ahl al-hadith\",\"istihlal\",\"madhhab\",\"international law\",\"jurisprudence\",\"virtue jurisprudence\",\"jurisprudence\",\"virtue jurisprudence\",\"violent non-state actor\",\"fiqh\",\"muhammad taqi usmani\",\"syed hayatullah\",\"qazi syed inayatullah\",\"jurisprudence\",\"exequatur\",\"vacatio legis\",\"philosophy, theology, and fundamental theory of catholic canon law\",\"obreption and subreption (catholic canon law)\",\"promulgation (catholic canon law)\",\"custom (catholic canon law)\",\"notary (catholic canon law)\",\"debate\",\"parliamentary procedure\",\"parliamentary debate\",\"squirrel (debate)\",\"stephanos bibas\",\"prediction market\",\"decentralized computing\",\"predictive policing\",\"decentralized autonomous organization\",\"jurisprudence\",\"fiqh\",\"malikism in algeria\",\"awza'i\",\"thawri\",\"jurisprudence\",\"political party\",\"international law\",\"feminist legal theory\",\"list of national legal systems\",\"inquisitorial system\",\"federal law\",\"border control\",\"philosophy, theology, and fundamental theory of catholic canon law\",\"predictive policing\",\"friedrich naumann foundation\",\"political party\",\"fiqh\",\"fiqh\",\"qazi syed inayatullah\",\"archery\",\"archery\",\"jurisprudence\",\"political party\",\"international law\",\"fiqh\",\"jurisprudence\",\"jurisprudence\",\"virtue jurisprudence\",\"international law\",\"fiqh\",\"malikism in algeria\",\"awza'i\",\"international law\",\"kaarlo juho st\\u00e5hlberg\",\"civic virtue\",\"civility\",\"civil discourse\",\"civil discourse\",\"international law\",\"violent non-state actor\",\"no war, no peace\",\"travel behavior\",\"charg\\u00e9 de mission\",\"exequatur\",\"note verbale\",\"wedding\",\"white wedding\",\"wedding reception\",\"travel behavior\",\"wedding vow renewal ceremony\",\"deliberation\",\"jurisprudence\",\"political party\",\"international law\",\"imperium\",\"jurisprudence\",\"political party\",\"international law\",\"fiqh\",\"inquisitorial system\",\"debate\",\"ratification\",\"deliberation\",\"violent non-state actor\",\"tripartite consultation (international labour standards) convention, 1976\",\"dualism (law)\",\"fiqh\",\"charg\\u00e9 de mission\",\"exequatur\",\"quadrilateral security dialogue\",\"jurisprudence\",\"political party\",\"rowman & littlefield award in innovative teaching\",\"non-governmental organization\",\"institute for international law of peace and armed conflict\",\"list of national legal systems\",\"inquisitorial system\",\"border control\",\"non-state actor\",\"julius stone\",\"westphalian sovereignty\",\"comparative criminal justice\",\"contingent sovereignty\",\"international law\",\"fiqh\",\"\\u00e5land islands peace institute\",\"dualism (law)\",\"violent non-state actor\",\"yehuda zvi blum\",\"dominium maris baltici\",\"philosophy, theology, and fundamental theory of catholic canon law\",\"martine-anstett award\",\"islamic sexual jurisprudence\",\"jurisprudence\",\"code of hammurabi\",\"marriage of the virgin\",\"list of national legal systems\",\"jurisprudence\",\"yehuda zvi blum\",\"exequatur\",\"list of national legal systems\",\"moderation theory\",\"violent non-state actor\",\"imperium\",\"wedding\",\"white wedding\",\"wedding vow renewal ceremony\",\"jurisprudence\",\"political party\",\"fiqh\",\"virtue jurisprudence\",\"exequatur\",\"vacatio legis\",\"obreption and subreption (catholic canon law)\",\"promulgation (catholic canon law)\",\"custom (catholic canon law)\",\"notary (catholic canon law)\",\"jurisprudence\",\"vacatio legis\",\"political party\",\"federal law\",\"resource conservation and recovery act\",\"virtue jurisprudence\",\"fiqh\",\"the province of jurisprudence determined\",\"jurisprudence\",\"political party\",\"legal norm\",\"injustice\",\"list of national legal systems\",\"imperium\",\"inquisitorial system\",\"islamic sexual jurisprudence\",\"job cohen\",\"exequatur\",\"istihlal\",\"obreption and subreption (catholic canon law)\",\"islamic toilet etiquette\",\"stephanos bibas\",\"nigel simmonds\",\"vacatio legis\",\"salvador minguij\\u00f3n adri\\u00e1n\",\"usul fiqh in ja'fari school\",\"promulgation (catholic canon law)\",\"custom (catholic canon law)\",\"liechtenstein institute on self-determination\",\"non-governmental organization\",\"border control\",\"imperium\",\"debate\",\"deliberation\",\"civil discourse\",\"fiqh\",\"virtue jurisprudence\",\"inside contracting\",\"injustice\",\"occupational closure\",\"civility\",\"debate\",\"marlon bundo\",\"wedding\",\"ceremony\",\"wedding vow renewal ceremony\",\"releasing the spirits: a balinese ceremony\",\"carles boix\",\"vacatio legis\",\"exequatur\",\"fiqh\",\"obreption and subreption (catholic canon law)\",\"promulgation (catholic canon law)\",\"custom (catholic canon law)\",\"westphalian sovereignty\",\"extemporaneous speaking\",\"debate\",\"spin room\",\"stephanos bibas\",\"argumentation and advocacy\",\"joe biden (the onion)\",\"wedding\",\"wedding vow renewal ceremony\",\"non-governmental organization\",\"wedding\",\"fiqh\",\"malikism in algeria\",\"outworker\",\"wedding\",\"fiqh\",\"non-governmental organization\",\"effective number of parties\",\"fiqh\",\"list of national legal systems\",\"inquisitorial system\",\"left group of finnish workers\",\"fiqh\",\"westphalian sovereignty\",\"non-state actor\",\"marriage of the virgin\",\"virtue jurisprudence\",\"fiqh\",\"job cohen\",\"non-governmental organization\",\"wedding\",\"bay'ah\",\"mahr\",\"fiqh\",\"list of national legal systems\",\"islamic sexual jurisprudence\",\"non-governmental organization\",\"bay'ah\",\"mahr\",\"non-governmental organization\",\"wedding\",\"mahr\",\"list of national legal systems\",\"mahr\",\"islamic sexual jurisprudence\",\"westphalian sovereignty\",\"sovereignty of the philippines\",\"mahr\",\"islamic sexual jurisprudence\",\"civil discourse\"],\"start\":[\"institute for economics and peace\",\"islamic funeral\",\"islamic funeral\",\"consummation\",\"consummation\",\"consummation\",\"consummation\",\"consummation\",\"bad governance\",\"history of the legal profession\",\"history of the legal profession\",\"history of the legal profession\",\"history of the legal profession\",\"history of the legal profession\",\"history of the legal profession\",\"history of the legal profession\",\"history of the legal profession\",\"history of the legal profession\",\"history of the legal profession\",\"history of the legal profession\",\"ghazi (warrior)\",\"ghazi (warrior)\",\"ghazi (warrior)\",\"henry habib\",\"fundacion manantiales\",\"proto-industrialization\",\"proto-industrialization\",\"proto-industrialization\",\"menstruation in islam\",\"menstruation in islam\",\"menstruation in islam\",\"history of the american legal profession\",\"history of the american legal profession\",\"history of the american legal profession\",\"history of the american legal profession\",\"history of the american legal profession\",\"history of the american legal profession\",\"history of the american legal profession\",\"history of the american legal profession\",\"history of the american legal profession\",\"history of the american legal profession\",\"madhhab\",\"madhhab\",\"madhhab\",\"madhhab\",\"madhhab\",\"madhhab\",\"madhhab\",\"madhhab\",\"regulatory competition\",\"leslie green (philosopher)\",\"leslie green (philosopher)\",\"law without the state\",\"law without the state\",\"law without the state\",\"muhammad taqi usmani\",\"muhammad taqi usmani\",\"muhammad taqi usmani\",\"muhammad taqi usmani\",\"jus commune\",\"jus commune\",\"jus commune\",\"jus commune\",\"jus commune\",\"jus commune\",\"jus commune\",\"jus commune\",\"parliamentary debate\",\"parliamentary debate\",\"parliamentary debate\",\"parliamentary debate\",\"parliamentary debate\",\"decentralized autonomous organization\",\"decentralized autonomous organization\",\"decentralized autonomous organization\",\"decentralized autonomous organization\",\"ahl al-hadith\",\"ahl al-hadith\",\"ahl al-hadith\",\"ahl al-hadith\",\"ahl al-hadith\",\"executive order\",\"executive order\",\"executive order\",\"executive order\",\"executive order\",\"executive order\",\"executive order\",\"executive order\",\"executive order\",\"executive order\",\"rosa luxemburg foundation\",\"democratic party for a new society\",\"maxims of islamic law\",\"syed hayatullah\",\"syed hayatullah\",\"syed hayatullah\",\"archery\",\"feminist legal theory\",\"feminist legal theory\",\"feminist legal theory\",\"feminist legal theory\",\"brocard (law)\",\"neil maccormick\",\"neil maccormick\",\"rosa brooks\",\"thawri\",\"thawri\",\"thawri\",\"kaarlo juho st\\u00e5hlberg\",\"kaarlo juho st\\u00e5hlberg\",\"civic virtue\",\"civic virtue\",\"civic virtue\",\"archon fung\",\"grey-zone (international relations)\",\"grey-zone (international relations)\",\"grey-zone (international relations)\",\"time-use research\",\"full spectrum diplomacy\",\"full spectrum diplomacy\",\"full spectrum diplomacy\",\"honeymoon\",\"honeymoon\",\"honeymoon\",\"honeymoon\",\"honeymoon\",\"jewish-palestinian living room dialogue group\",\"oliver lepsius\",\"bloc party (politics)\",\"occupatio\",\"occupatio\",\"predictive policing\",\"predictive policing\",\"predictive policing\",\"predictive policing\",\"predictive policing\",\"parliamentary procedure\",\"parliamentary procedure\",\"parliamentary procedure\",\"violent non-state actors at sea\",\"ratification\",\"ratification\",\"writ\",\"note verbale\",\"note verbale\",\"note verbale\",\"international law\",\"international law\",\"international law\",\"international law\",\"international law\",\"international law\",\"international law\",\"international law\",\"international law\",\"international law\",\"international law\",\"international law\",\"international law\",\"international law\",\"international law\",\"international law\",\"international law\",\"international law\",\"international law\",\"international law\",\"international law\",\"international law\",\"sexual jihad\",\"code of hammurabi\",\"code of hammurabi\",\"code of hammurabi\",\"code of hammurabi\",\"julius stone\",\"julius stone\",\"charg\\u00e9 de mission\",\"dualism (law)\",\"radicalization\",\"radicalization\",\"res publica christiana\",\"wedding reception\",\"wedding reception\",\"wedding reception\",\"philosophy, theology, and fundamental theory of catholic canon law\",\"philosophy, theology, and fundamental theory of catholic canon law\",\"philosophy, theology, and fundamental theory of catholic canon law\",\"philosophy, theology, and fundamental theory of catholic canon law\",\"philosophy, theology, and fundamental theory of catholic canon law\",\"philosophy, theology, and fundamental theory of catholic canon law\",\"philosophy, theology, and fundamental theory of catholic canon law\",\"philosophy, theology, and fundamental theory of catholic canon law\",\"philosophy, theology, and fundamental theory of catholic canon law\",\"philosophy, theology, and fundamental theory of catholic canon law\",\"notary (catholic canon law)\",\"notary (catholic canon law)\",\"nonpartisanism\",\"resource conservation and recovery act\",\"resource conservation and recovery act\",\"jurisprudence\",\"jurisprudence\",\"jurisprudence\",\"jurisprudence\",\"jurisprudence\",\"jurisprudence\",\"jurisprudence\",\"jurisprudence\",\"jurisprudence\",\"jurisprudence\",\"jurisprudence\",\"jurisprudence\",\"jurisprudence\",\"jurisprudence\",\"jurisprudence\",\"jurisprudence\",\"jurisprudence\",\"jurisprudence\",\"jurisprudence\",\"jurisprudence\",\"jurisprudence\",\"jurisprudence\",\"jurisprudence\",\"jurisprudence\",\"ngo-ization\",\"border control\",\"imperium\",\"debate chamber\",\"deliberation\",\"deliberation\",\"istihlal\",\"nigel simmonds\",\"american system of manufacturing\",\"injustice\",\"injustice\",\"injustice\",\"marlon bundo\",\"marlon bundo\",\"ceremony\",\"ceremony\",\"ceremony\",\"ceremony\",\"liechtenstein institute on self-determination\",\"exequatur\",\"exequatur\",\"qazi syed inayatullah\",\"vacatio legis\",\"vacatio legis\",\"vacatio legis\",\"contingent sovereignty\",\"debate\",\"debate\",\"debate\",\"debate\",\"debate\",\"debate\",\"white wedding\",\"white wedding\",\"friedrich naumann foundation\",\"gate crashing\",\"awza'i\",\"awza'i\",\"inside contracting\",\"wedding vow renewal ceremony\",\"usul fiqh in ja'fari school\",\"political party\",\"political party\",\"political party\",\"political party\",\"political party\",\"political party\",\"inquisitorial system\",\"violent non-state actor\",\"violent non-state actor\",\"marriage of the virgin\",\"legal norm\",\"malikism in algeria\",\"job cohen\",\"cultural survival\",\"fiqh\",\"fiqh\",\"fiqh\",\"fiqh\",\"fiqh\",\"fiqh\",\"international association of art critics\",\"islamic toilet etiquette\",\"islamic toilet etiquette\",\"non-governmental organization\",\"wedding\",\"wedding\",\"virtue jurisprudence\",\"bay'ah\",\"bay'ah\",\"westphalian sovereignty\",\"westphalian sovereignty\",\"mahr\",\"mahr\",\"civil discourse\"]},\"selected\":{\"id\":\"4706\"},\"selection_policy\":{\"id\":\"4705\"}},\"id\":\"3519\",\"type\":\"ColumnDataSource\"},{\"attributes\":{},\"id\":\"4696\",\"type\":\"AllLabels\"},{\"attributes\":{},\"id\":\"4707\",\"type\":\"UnionRenderers\"},{\"attributes\":{\"source\":{\"id\":\"3387\"}},\"id\":\"3389\",\"type\":\"CDSView\"},{\"attributes\":{},\"id\":\"4694\",\"type\":\"BasicTickFormatter\"},{\"attributes\":{\"source\":{\"id\":\"3453\"}},\"id\":\"3455\",\"type\":\"CDSView\"},{\"attributes\":{\"fill_alpha\":{\"field\":\"alpha\"},\"fill_color\":{\"field\":\"node_colour\"},\"size\":{\"field\":\"node_sizes\"}},\"id\":\"3539\",\"type\":\"Circle\"},{\"attributes\":{\"text\":\"Community: 15\",\"text_font_size\":\"16pt\"},\"id\":\"3380\",\"type\":\"Title\"},{\"attributes\":{\"end\":250,\"start\":-250},\"id\":\"3351\",\"type\":\"Range1d\"},{\"attributes\":{\"data_source\":{\"id\":\"3387\"},\"glyph\":{\"id\":\"3412\"},\"hover_glyph\":null,\"muted_glyph\":null,\"view\":{\"id\":\"3389\"}},\"id\":\"3388\",\"type\":\"GlyphRenderer\"},{\"attributes\":{\"data_source\":{\"id\":\"3515\"},\"glyph\":{\"id\":\"3539\"},\"hover_glyph\":null,\"muted_glyph\":null,\"view\":{\"id\":\"3517\"}},\"id\":\"3516\",\"type\":\"GlyphRenderer\"}],\"root_ids\":[\"4378\"]},\"title\":\"Bokeh Application\",\"version\":\"2.3.2\"}};\n", " var render_items = [{\"docid\":\"863dbe9e-028e-4e49-ab7e-e756193e5d70\",\"root_ids\":[\"4378\"],\"roots\":{\"4378\":\"21806229-83b4-4c71-8f89-dca115ffe667\"}}];\n", " root.Bokeh.embed.embed_items_notebook(docs_json, render_items);\n", "\n", " }\n", " if (root.Bokeh !== undefined) {\n", " embed_document(root);\n", " } else {\n", " var attempts = 0;\n", " var timer = setInterval(function(root) {\n", " if (root.Bokeh !== undefined) {\n", " clearInterval(timer);\n", " embed_document(root);\n", " } else {\n", " attempts++;\n", " if (attempts > 100) {\n", " clearInterval(timer);\n", " console.log(\"Bokeh: ERROR: Unable to run BokehJS code because BokehJS library is missing\");\n", " }\n", " }\n", " }, 10, root)\n", " }\n", "})(window);" ], "application/vnd.bokehjs_exec.v0+json": "" }, "metadata": { "application/vnd.bokehjs_exec.v0+json": { "id": "4378" } }, "output_type": "display_data" }, { "data": { "text/html": [ "\n", "\n", "\n", "\n", "\n", "\n", "
\n" ] }, "metadata": {}, "output_type": "display_data" }, { "data": { "application/javascript": [ "(function(root) {\n", " function embed_document(root) {\n", " \n", " var docs_json = {\"7e92db61-2237-460e-9afe-1e89228e8811\":{\"defs\":[],\"roots\":{\"references\":[{\"attributes\":{\"children\":[{\"id\":\"3551\"},{\"id\":\"3617\"},{\"id\":\"3683\"}]},\"id\":\"5075\",\"type\":\"Row\"},{\"attributes\":{\"axis\":{\"id\":\"3558\"},\"grid_line_color\":null,\"ticker\":null},\"id\":\"3561\",\"type\":\"Grid\"},{\"attributes\":{},\"id\":\"5425\",\"type\":\"BasicTickFormatter\"},{\"attributes\":{},\"id\":\"5465\",\"type\":\"Selection\"},{\"attributes\":{},\"id\":\"5427\",\"type\":\"AllLabels\"},{\"attributes\":{\"formatter\":{\"id\":\"5422\"},\"major_label_policy\":{\"id\":\"5424\"},\"ticker\":{\"id\":\"3563\"},\"visible\":false},\"id\":\"3562\",\"type\":\"LinearAxis\"},{\"attributes\":{},\"id\":\"5466\",\"type\":\"UnionRenderers\"},{\"attributes\":{\"axis\":{\"id\":\"3562\"},\"dimension\":1,\"grid_line_color\":null,\"ticker\":null},\"id\":\"3565\",\"type\":\"Grid\"},{\"attributes\":{},\"id\":\"3563\",\"type\":\"BasicTicker\"},{\"attributes\":{},\"id\":\"5467\",\"type\":\"Selection\"},{\"attributes\":{},\"id\":\"5433\",\"type\":\"NodesOnly\"},{\"attributes\":{},\"id\":\"3567\",\"type\":\"WheelZoomTool\"},{\"attributes\":{},\"id\":\"3566\",\"type\":\"PanTool\"},{\"attributes\":{},\"id\":\"3568\",\"type\":\"SaveTool\"},{\"attributes\":{},\"id\":\"5440\",\"type\":\"AllLabels\"},{\"attributes\":{},\"id\":\"5457\",\"type\":\"BasicTickFormatter\"},{\"attributes\":{},\"id\":\"3569\",\"type\":\"ResetTool\"},{\"attributes\":{\"callback\":null,\"tooltips\":[[\"Page\",\"@index\"],[\"Discipline\",\"@parent\"]]},\"id\":\"3702\",\"type\":\"HoverTool\"},{\"attributes\":{},\"id\":\"5432\",\"type\":\"NodesOnly\"},{\"attributes\":{\"source\":{\"id\":\"3713\"}},\"id\":\"3715\",\"type\":\"CDSView\"},{\"attributes\":{},\"id\":\"5468\",\"type\":\"UnionRenderers\"},{\"attributes\":{},\"id\":\"5469\",\"type\":\"Selection\"},{\"attributes\":{},\"id\":\"5407\",\"type\":\"Title\"},{\"attributes\":{\"above\":[{\"id\":\"3643\"},{\"id\":\"3644\"}],\"below\":[{\"id\":\"3624\"}],\"center\":[{\"id\":\"3627\"},{\"id\":\"3631\"}],\"height\":333,\"left\":[{\"id\":\"3628\"}],\"renderers\":[{\"id\":\"3645\"}],\"title\":{\"id\":\"5409\"},\"toolbar\":{\"id\":\"3637\"},\"width\":333,\"x_range\":{\"id\":\"3615\"},\"x_scale\":{\"id\":\"3620\"},\"y_range\":{\"id\":\"3616\"},\"y_scale\":{\"id\":\"3622\"}},\"id\":\"3617\",\"subtype\":\"Figure\",\"type\":\"Plot\"},{\"attributes\":{\"data_source\":{\"id\":\"3713\"},\"glyph\":{\"id\":\"3737\"},\"hover_glyph\":null,\"muted_glyph\":null,\"view\":{\"id\":\"3715\"}},\"id\":\"3714\",\"type\":\"GlyphRenderer\"},{\"attributes\":{},\"id\":\"5459\",\"type\":\"AllLabels\"},{\"attributes\":{\"line_alpha\":{\"value\":0.8},\"line_width\":{\"value\":0.1}},\"id\":\"3610\",\"type\":\"MultiLine\"},{\"attributes\":{\"data_source\":{\"id\":\"3717\"},\"glyph\":{\"id\":\"3742\"},\"hover_glyph\":null,\"muted_glyph\":null,\"view\":{\"id\":\"3719\"}},\"id\":\"3718\",\"type\":\"GlyphRenderer\"},{\"attributes\":{},\"id\":\"5409\",\"type\":\"Title\"},{\"attributes\":{\"source\":{\"id\":\"3717\"}},\"id\":\"3719\",\"type\":\"CDSView\"},{\"attributes\":{\"edge_renderer\":{\"id\":\"3586\"},\"inspection_policy\":{\"id\":\"5416\"},\"layout_provider\":{\"id\":\"3592\"},\"node_renderer\":{\"id\":\"3582\"},\"selection_policy\":{\"id\":\"5417\"}},\"id\":\"3579\",\"type\":\"GraphRenderer\"},{\"attributes\":{},\"id\":\"3622\",\"type\":\"LinearScale\"},{\"attributes\":{},\"id\":\"5470\",\"type\":\"UnionRenderers\"},{\"attributes\":{},\"id\":\"5471\",\"type\":\"Selection\"},{\"attributes\":{\"data_source\":{\"id\":\"3585\"},\"glyph\":{\"id\":\"3610\"},\"hover_glyph\":null,\"muted_glyph\":null,\"view\":{\"id\":\"3587\"}},\"id\":\"3586\",\"type\":\"GlyphRenderer\"},{\"attributes\":{},\"id\":\"5411\",\"type\":\"Title\"},{\"attributes\":{\"source\":{\"id\":\"3585\"}},\"id\":\"3587\",\"type\":\"CDSView\"},{\"attributes\":{},\"id\":\"5417\",\"type\":\"NodesOnly\"},{\"attributes\":{\"graph_layout\":{\"action theory (sociology)\":[-28.137602150936065,6.922808199697868],\"administrative divisions of peru\":[43.744463616459676,-46.81652189551282],\"administrative divisions of portugal\":[27.27907610414485,-42.667636773520684],\"agency (philosophy)\":[29.552872911561018,12.56251966912665],\"agency (sociology)\":[-22.653854717097115,1.4827533096183658],\"akademie f\\u00fcr soziologie\":[-155.09886460429504,-9.564163455837537],\"alan wolfe\":[-35.87979191177027,-76.25116339931125],\"analytic frame\":[200.4796333430094,-58.362636007744136],\"andean civilizations\":[76.14206259887621,81.36019624203463],\"androcentrism\":[157.83407648400825,86.79699710497685],\"angst und vorurteil\":[114.47297003910707,-9.80167917206604],\"anti-modernization\":[-43.91730905674664,87.8427427213103],\"antinaturalism (politics)\":[15.782302188027538,-218.63677067094088],\"apuli\":[57.97640958165183,29.45082506010926],\"arif ahmed (philosopher)\":[42.35545557073726,-51.84845510469758],\"asabiyyah\":[19.00157915187469,11.315782716212171],\"astrosociology\":[2.823406262806537,1.7899587169919364],\"australian institute of aboriginal and torres strait islander studies\":[64.54401012821948,110.99550539651159],\"authority (sociology)\":[-176.65514436624517,-115.92682648036275],\"average joe\":[54.26509681792397,19.831751054833504],\"benevolence and the mandate of heaven\":[22.52741732513247,-43.06630172020343],\"bibliography of sociology\":[-21.652191988302885,-17.931023733753037],\"biosocial criminology\":[20.458475057760015,73.9635061204974],\"bumiputera (malaysia)\":[111.59129509691928,62.332911720700075],\"burlesque\":[68.27961514812561,244.959810605282],\"business magnate\":[86.79284348929977,-139.66918090708884],\"business oligarch\":[53.46352117739684,-116.00778037251972],\"cabang atas\":[114.23199091449528,-212.4782999228456],\"canadian honours system\":[229.62105057338383,-273.6064815949764],\"caucus for a new political science\":[-27.371456631242324,-107.35111124077743],\"census of india prior to independence\":[115.71112996189167,-185.6853078848547],\"children's geographies\":[94.37364541380295,65.72606901714268],\"christian fuchs (sociologist)\":[-96.49691944464774,26.061780599211716],\"christian privilege\":[130.2171442093852,61.22521828353362],\"clustering (demographics)\":[16.590953094075854,-41.85604181661912],\"commercialism\":[-95.63810151203003,-103.20583269815907],\"commodity chain\":[153.62825030208484,-38.61323676476548],\"comparative historical research\":[6.7344039145678645,37.604694501593464],\"computational sociology\":[34.78307264462287,21.17344842323256],\"concentrated disadvantage\":[6.042146152388865,20.01658502475927],\"confucian classes\":[100.19070097717699,-173.35631749179547],\"contemporary jewry\":[-5.525104786897582,123.84131993976978],\"control theory (sociology)\":[9.05641111898116,32.504742812015664],\"correspondence principle (sociology)\":[42.68132777529212,-167.66216161370127],\"critique of modernity\":[91.60152908732086,93.89089086449616],\"cultural group selection\":[48.86047800342934,40.77939222096167],\"cycle of poverty\":[148.88110246515885,-118.71820597828186],\"dark figure of crime\":[-17.387164047866193,82.09430908466746],\"davis\\u2013moore hypothesis\":[257.7425363911416,163.61563473788547],\"delmos jones\":[162.11545558197358,30.661129086492746],\"denationalized citizenship\":[13.292764955417255,-326.5464761913352],\"digital ecosystem\":[6.755017969414426,100.21148031371075],\"diplomatic protection\":[19.78576505992636,-305.45502133713387],\"discrimination against autistic people\":[117.15734270465873,47.042209076226186],\"donatella della porta\":[-49.756172514260605,54.80633203465369],\"dyad (sociology)\":[-33.132418746243594,-7.4308056703913],\"early modern human\":[51.53885253235107,126.78426261522642],\"east turkestan\":[54.30037032523003,109.24724831332024],\"ecomodernism\":[82.59174694558723,51.72010370267614],\"edvard westermarck\":[-109.66258157068883,54.80078796720307],\"encyclopedia of women and islamic cultures\":[30.86449121193392,-47.859195669345205],\"environmental racism in the united states\":[159.9671150117666,-143.95272065859493],\"ernst borinski\":[-104.91289256478707,60.263483595164836],\"ethnoscape\":[178.81898766560545,-39.39284242381446],\"european sociological association\":[-63.02293275446975,17.656285269055292],\"eviatar zerubavel\":[-110.07302126769463,63.46159274211641],\"feoffment\":[178.436347741104,-214.55354591995112],\"ferdinand t\\u00f6nnies society\":[114.1803880718461,-42.83149927410078],\"field theory (sociology)\":[24.782716062232087,23.45800585356729],\"figurational sociology\":[-23.420900191393855,14.922771418423515],\"fiscal policy of the philippines\":[60.72626828478721,17.044441513135094],\"food bank\":[168.77368492127889,-202.55760128658216],\"fount of honour\":[215.9377142095086,-258.40992579187315],\"fragmentation (sociology)\":[85.6022875693793,24.925380892164807],\"freelancer\":[33.50796684757485,123.20933337837974],\"friction of distance\":[47.31018382331544,95.67935508022997],\"gallowglass\":[41.278334923812515,97.01198948983418],\"garveyism\":[45.800125357416306,-97.97176520481094],\"geography of media and communication\":[70.15444394184813,33.98737737627099],\"german model\":[61.28527592159607,23.437501715921208],\"german sociological association\":[-63.02171942507678,100.21194263638371],\"global social mobility index\":[64.75987230271818,-185.7592594714932],\"gochisosama\":[52.85797346010566,-44.6688837176244],\"grave candle\":[19.873131898528708,-48.586559727002346],\"greatness\":[27.70317639753996,-285.4926655400278],\"grotesque body\":[41.86818868872391,174.983504517174],\"group threat theory\":[-6.491396264049429,46.05286136843255],\"groupism\":[-108.33410216615779,23.72777490199443],\"guanche mummies\":[60.0370310209145,-204.35671171568066],\"health geography\":[90.65103802638207,36.781022156760876],\"helmuth plessner\":[-54.75831667071254,97.11958907861649],\"high-altitude adaptation in humans\":[65.98598211839717,163.76506443664124],\"hill people\":[80.779652790653,145.19882570527378],\"hong kong honours system\":[47.99497759309143,-48.1399638353247],\"honorary male\":[178.51764818187198,103.73382188463485],\"hoplology\":[95.95108135343864,-198.37076724329262],\"human genetic clustering\":[53.52811764203693,212.22734262264015],\"human genetic variation\":[52.75464753026247,184.76125898771716],\"ideal type\":[-95.03685014506452,-64.47786593877896],\"immigrant-host model\":[200.65098365316575,128.9808094279542],\"index of sociology articles\":[90.60684643147059,-33.31222006177556],\"institution\":[34.497592182894216,2.611005247994707],\"interactionism\":[0.09449799315941647,-17.70853243543679],\"intergroup anxiety\":[201.1043161555132,-52.37414895337258],\"international council for science\":[-170.54781821486986,-1.3449146162527248],\"international sociological association\":[-123.82733449811096,-4.850678311332184],\"iron cage\":[-132.86719443435965,-97.56794810914485],\"john murray cuddihy\":[94.12509228526044,88.67730460278459],\"joseph rowntree foundation\":[153.12595426858627,-172.88915059822384],\"kshatriya\":[103.75654567795107,-159.38409433712286],\"kurt heinrich wolff\":[-156.3035527161843,-2.3100839737407046],\"l'ann\\u00e9e sociologique\":[93.17660123462619,130.38171223705828],\"l'empire de la honte\":[112.16271274794681,-0.8293126451410874],\"label (sociology)\":[23.132154001638362,-51.22003582027973],\"language\":[44.03157367205003,59.27527919348976],\"least-cost theory\":[-127.89931325360558,-78.86304132678126],\"life chances\":[-91.86891091678704,-121.39893228045277],\"lingeer\":[-4.764858458210359,-85.14247300883709],\"lingeer ngon\\u00e9 di\\u00e8ye\":[-16.019843900934298,-85.64913381480612],\"list of sociologists\":[-75.35527975256961,44.783733977560914],\"list of sociology journals\":[10.925571287949529,91.11587394240651],\"list of special economic zones\":[173.20049435220423,-125.91265224426202],\"logophonetic\":[54.443773311909204,89.70374654251961],\"lowell l. bennion\":[180.9713108646259,-226.03524644372467],\"magnate\":[65.98861035892436,-115.46034457445185],\"manifest and latent functions and dysfunctions\":[4.482271966863299,45.90275970855831],\"mass action (sociology)\":[-97.5820184892966,-97.43053112765128],\"matrix of domination\":[103.08025872993979,5.755117518519002],\"medical sociologist\":[13.689470869181873,37.055544360233014],\"mesosociology\":[38.79420391785153,74.89127781854674],\"microsociology\":[39.93836319409935,29.92365336475012],\"minsky's burlesque\":[80.75278262785014,269.30386762139403],\"modernity\":[76.92252827412386,62.70116903607665],\"modular cognition framework\":[54.12806518516568,94.9338127489695],\"moral entrepreneur\":[-24.287624078641343,37.132980915675766],\"morphological freedom\":[29.505627047008414,-192.7557888374866],\"mudsill theory\":[71.31133258869765,-99.71242441207879],\"mummy of san andr\\u00e9s\":[59.001434986982524,-230.38867277516528],\"names for the human species\":[9.231514374812152,117.95848386664646],\"national crime victimization survey\":[-46.057379104383564,127.4537593654905],\"non-representational theory\":[80.94183405172484,41.85655071035398],\"norm entrepreneur\":[-56.06511913523956,64.6316344232582],\"norwegian journal of sociology\":[-174.29957946015904,28.523871846655506],\"norwegian sociological association\":[-141.94308623714545,20.172658599071717],\"obshchina\":[126.20789216612815,-109.26552943555838],\"official cantonese translations of english names for british officials\":[34.41017621097582,-52.338481091876865],\"oppression\":[122.33347728886964,26.89809558177552],\"organizational theory\":[-17.551153415719035,58.854505047539774],\"passing (sociology)\":[-18.061667146269947,-59.28762400520385],\"peasant\":[109.7192838083246,-140.12381834443946],\"per capita personal income in the united states\":[52.386154932502386,27.35990302708679],\"person\":[32.770421032843586,-255.24608920432908],\"personhood\":[65.6245132256938,-167.900676860538],\"policy sociology\":[-50.76425182451646,-30.83716345511597],\"population and development review\":[-11.959224434311642,165.05993560011544],\"poverty class\":[138.82356608967524,-152.49932588428413],\"procreative beneficence\":[21.990411216414774,-217.84608876094043],\"protest cycle\":[-3.359104843468471,109.69016887510247],\"p\\u0131nar selek\":[-123.6510393284667,70.97423072480811],\"racial threat\":[-30.162249093335497,81.59632240664666],\"rajputisation\":[123.87155049437862,-171.97384635248025],\"randy david\":[-102.81454821484118,66.1898983030223],\"recent human evolution\":[48.189333517147375,156.0660717391239],\"reflexive modernization\":[90.88768253403649,78.18829258570202],\"relational sociology\":[-27.978449785581827,59.54506426497162],\"religion\":[40.58155187250356,-23.113720146180707],\"ren\\u00e9-k\\u00f6nig-gesellschaft\":[-150.1423983727126,-3.844390963494209],\"research in social stratification and mobility\":[-151.7259550793017,3.067145498138275],\"resocialization\":[160.0687823069159,-28.64537108266888],\"rogers brubaker\":[-74.70175321574915,17.532288290122956],\"roman agrarian history and its significance for public and private law\":[-125.71988372185044,-113.76023434183838],\"safety-valve institution\":[247.57854609492048,-23.488322071084852],\"saskia wieringa\":[-102.49231900263668,55.61522114708475],\"science as a vocation\":[-110.68998541803478,-94.02944713633312],\"science capital\":[32.50495228222483,-99.51608382828435],\"scottish index of multiple deprivation\":[170.2863152248846,-160.8613970652193],\"secondary deviance\":[61.50567433037758,-35.81270520781108],\"serer maternal clans\":[-12.267743856899637,-89.90546275671534],\"serer people\":[-15.768754593621066,-98.42132674440364],\"serer-ndut people\":[-5.152532784702722,-93.73857969229742],\"serfdom\":[95.76812403852666,-108.77210215639248],\"serfdom in tibet controversy\":[81.13505769842432,-64.09134177909837],\"sex and reason\":[-21.948010057255072,203.9696365103502],\"silence=death project\":[56.829125685101204,-46.26295715388264],\"skhul and qafzeh hominins\":[49.56634675857679,115.33091270368035],\"social balance theory\":[120.30452447855403,-40.076637798166935],\"social complexity\":[-7.540827228990388,11.742821365618477],\"social conflict\":[22.430201612986654,-8.428155541829229],\"social construction of the body\":[30.93906974373448,-54.30103283059328],\"social experiment\":[-3.953123008994542,31.34363930940934],\"social geometry\":[113.8204102517551,-36.493788748080796],\"social integration\":[132.3127413833089,82.05302005828946],\"social model of disability\":[132.5271079245438,45.57122533801423],\"social phenomenon\":[176.5162296424395,-52.25536180313301],\"social reproduction\":[44.48927824313903,-66.05188645605521],\"social risk positions\":[115.67616310181391,-49.16004177395978],\"social system\":[12.031982082787449,60.74708181565303],\"social transformation\":[4.469255893788489,-128.06103979186844],\"social vulnerability\":[176.59361759098343,-169.84069164031652],\"sociological imagination\":[152.44535096911832,-49.20247298198384],\"sociological insight\":[1.2550843952838706,125.64305116056126],\"sociologists for women in society\":[35.954184220238076,-45.973586225855804],\"sociology in japan\":[18.856760979419352,17.689583649020317],\"sociology in poland\":[-39.791683102914234,20.794697078891705],\"sociology of morality\":[14.247784423407188,21.211888432949134],\"sociology of punishment\":[43.74026598166882,6.972659696485611],\"sociology of the world religions\":[-134.10234424408475,-107.409311205014],\"sock puppet account\":[-45.04029141203159,-73.9014754022104],\"spatial justice\":[160.89681790239317,36.69440246906395],\"split labor market theory\":[120.46936069548254,-33.91837578920475],\"state decoration\":[206.36292434205777,-252.12078352702494],\"state order\":[210.9227822054022,-248.13629634450922],\"status attainment\":[-15.394787720934753,-151.0137522473781],\"status group\":[63.71917975190409,-71.73496683507307],\"status\\u2013income disequilibrium\":[30.22368906567181,-150.3025035234114],\"strategic choice theory\":[-40.058556415100654,93.67044757502784],\"structural discrimination\":[113.91861458897382,54.874430561202324],\"structural inequality\":[240.84629259341628,154.22128890700878],\"structural violence\":[82.24728027119001,-2.8378905535054715],\"structure and agency\":[-65.58633074212692,-13.742338112785163],\"supreme court of justice of colombia\":[61.477728951021845,-41.87441991827009],\"symbolic power\":[108.62673268241666,-5.710755883107687],\"symbolic religiosity\":[16.320449622740465,29.152677848411123],\"term (time)\":[15.696211887068674,-59.649264142814204],\"the protestant ethic and the spirit of capitalism\":[-83.76624976278853,-81.01063876642787],\"the rich get richer and the poor get poorer\":[46.08028010307516,-127.22110701997032],\"theories of humor\":[271.72890760737164,-21.839301140573557],\"theories of poverty\":[175.1964469993336,-156.26970790947928],\"time value of money\":[20.53627712918549,-62.14506605181258],\"total institution\":[189.5983874280196,-26.709579318132043],\"tripartite classification of authority\":[-146.15096750640757,-98.62475548789673],\"underclass\":[73.73075267819489,-126.89801954133333],\"upper class\":[64.81449828129202,-136.00540648175578],\"ursula apitzsch\":[-116.02136994453654,11.234049073319895],\"value-added theory\":[23.78944878865746,33.3040500563561],\"vertical mobility\":[71.09189488007472,-150.67709604326615],\"victim study\":[-41.352183010048286,129.505398479793],\"warrior\":[88.62751841581502,-163.79679280868],\"warrior (character class)\":[90.2621790074619,-200.5001485921178],\"white power music\":[123.83128824814706,68.69342591683561],\"world3\":[-7.207265484451407,138.38787406349317],\"zur geschichte der handelsgesellschaften im mittelalter\":[-123.55683799953903,-101.04105757074628]}},\"id\":\"3592\",\"type\":\"StaticLayoutProvider\"},{\"attributes\":{},\"id\":\"3701\",\"type\":\"ResetTool\"},{\"attributes\":{\"formatter\":{\"id\":\"5454\"},\"major_label_policy\":{\"id\":\"5456\"},\"ticker\":{\"id\":\"3695\"},\"visible\":false},\"id\":\"3694\",\"type\":\"LinearAxis\"},{\"attributes\":{\"axis\":{\"id\":\"3694\"},\"dimension\":1,\"grid_line_color\":null,\"ticker\":null},\"id\":\"3697\",\"type\":\"Grid\"},{\"attributes\":{},\"id\":\"5438\",\"type\":\"BasicTickFormatter\"},{\"attributes\":{\"data\":{\"alpha\":[0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75],\"depth\":[1,2,1,1,0,1,1,1,1,1,2,1,0,1,1,1,2,1,1,2,1,1,1,2,1,1,1,1,1,1,1,1,0,1,2,1,1,1,1,1,2,1,1,1,2,1,1,1,2,1,2,1,1,1,1,2,1,2,1,2,1,1,1,2,0,2,1,1,1,1,2,1,1,1,1,0,2,2,1,1,2,2,1,2,1,1,1,1,1,0,1,2,1,1,1,1,1,1,2,1,1,2,2,1,2,1,1,1,1,1,1,2,1,1,1,1,1,1,1,1,1,1,1,2,1,1,1,2,2,1,0,1,1,1,1,1,1,2,1,1,1,1,2,1,1,1,1,2,2,2,0,1,1,1,1,1,2,1,1,1,1,2,1,1,2,1,1,1,2,1,2,2,1,1,1,2,1,1,1,1,1,1,2,1,2,2,1,1,1,1,1,1,2,1,2,1,1,1,1,1,1,1,1,2,1,1,2,1,0,1,1,2,1,2,1,2,1,1,0,2,1,1,1,1,0,1,2,2,2,2,2,1,2,2,2,2,1,2,1,2,1,1],\"index\":[\"theories of humor\",\"time value of money\",\"person\",\"sociological imagination\",\"guanche mummies\",\"average joe\",\"mass action (sociology)\",\"religion\",\"language\",\"institution\",\"cycle of poverty\",\"agency (sociology)\",\"serfdom in tibet controversy\",\"norm entrepreneur\",\"lingeer\",\"children's geographies\",\"international council for science\",\"intergroup anxiety\",\"magnate\",\"sociology of the world religions\",\"anti-modernization\",\"list of sociologists\",\"social reproduction\",\"encyclopedia of women and islamic cultures\",\"dark figure of crime\",\"clustering (demographics)\",\"the rich get richer and the poor get poorer\",\"group threat theory\",\"business magnate\",\"kshatriya\",\"matrix of domination\",\"biosocial criminology\",\"friction of distance\",\"social complexity\",\"burlesque\",\"list of special economic zones\",\"peasant\",\"hong kong honours system\",\"canadian honours system\",\"grave candle\",\"joseph rowntree foundation\",\"total institution\",\"social geometry\",\"global social mobility index\",\"science as a vocation\",\"greatness\",\"modular cognition framework\",\"structure and agency\",\"food bank\",\"reflexive modernization\",\"east turkestan\",\"mudsill theory\",\"vertical mobility\",\"sociology of morality\",\"honorary male\",\"l'empire de la honte\",\"upper class\",\"ursula apitzsch\",\"denationalized citizenship\",\"administrative divisions of peru\",\"per capita personal income in the united states\",\"poverty class\",\"gallowglass\",\"feoffment\",\"warrior\",\"state decoration\",\"strategic choice theory\",\"life chances\",\"least-cost theory\",\"split labor market theory\",\"eviatar zerubavel\",\"human genetic variation\",\"early modern human\",\"list of sociology journals\",\"social phenomenon\",\"official cantonese translations of english names for british officials\",\"diplomatic protection\",\"saskia wieringa\",\"mesosociology\",\"interactionism\",\"angst und vorurteil\",\"christian privilege\",\"social conflict\",\"discrimination against autistic people\",\"protest cycle\",\"structural inequality\",\"microsociology\",\"structural violence\",\"ethnoscape\",\"cultural group selection\",\"apuli\",\"astrosociology\",\"underclass\",\"serer people\",\"manifest and latent functions and dysfunctions\",\"human genetic clustering\",\"groupism\",\"australian institute of aboriginal and torres strait islander studies\",\"obshchina\",\"field theory (sociology)\",\"bumiputera (malaysia)\",\"freelancer\",\"personhood\",\"l'ann\\u00e9e sociologique\",\"roman agrarian history and its significance for public and private law\",\"bibliography of sociology\",\"passing (sociology)\",\"moral entrepreneur\",\"scottish index of multiple deprivation\",\"confucian classes\",\"world3\",\"national crime victimization survey\",\"european sociological association\",\"antinaturalism (politics)\",\"social system\",\"agency (philosophy)\",\"andean civilizations\",\"asabiyyah\",\"german sociological association\",\"caucus for a new political science\",\"analytic frame\",\"social model of disability\",\"term (time)\",\"p\\u0131nar selek\",\"science capital\",\"status\\u2013income disequilibrium\",\"correspondence principle (sociology)\",\"critique of modernity\",\"medical sociologist\",\"white power music\",\"benevolence and the mandate of heaven\",\"value-added theory\",\"social transformation\",\"immigrant-host model\",\"norwegian sociological association\",\"social construction of the body\",\"sociological insight\",\"population and development review\",\"androcentrism\",\"structural discrimination\",\"serer-ndut people\",\"mummy of san andr\\u00e9s\",\"the protestant ethic and the spirit of capitalism\",\"racial threat\",\"dyad (sociology)\",\"control theory (sociology)\",\"label (sociology)\",\"silence=death project\",\"sock puppet account\",\"spatial justice\",\"skhul and qafzeh hominins\",\"social integration\",\"safety-valve institution\",\"modernity\",\"social experiment\",\"organizational theory\",\"environmental racism in the united states\",\"victim study\",\"serfdom\",\"health geography\",\"commodity chain\",\"fiscal policy of the philippines\",\"concentrated disadvantage\",\"oppression\",\"lowell l. bennion\",\"sociology in japan\",\"iron cage\",\"lingeer ngon\\u00e9 di\\u00e8ye\",\"garveyism\",\"sociology of punishment\",\"administrative divisions of portugal\",\"minsky's burlesque\",\"index of sociology articles\",\"procreative beneficence\",\"sociology in poland\",\"gochisosama\",\"edvard westermarck\",\"status group\",\"names for the human species\",\"christian fuchs (sociologist)\",\"fount of honour\",\"authority (sociology)\",\"john murray cuddihy\",\"symbolic religiosity\",\"ernst borinski\",\"donatella della porta\",\"ideal type\",\"resocialization\",\"status attainment\",\"davis\\u2013moore hypothesis\",\"figurational sociology\",\"action theory (sociology)\",\"randy david\",\"helmuth plessner\",\"morphological freedom\",\"sociologists for women in society\",\"commercialism\",\"symbolic power\",\"social balance theory\",\"alan wolfe\",\"relational sociology\",\"census of india prior to independence\",\"logophonetic\",\"state order\",\"ren\\u00e9-k\\u00f6nig-gesellschaft\",\"theories of poverty\",\"sex and reason\",\"secondary deviance\",\"hoplology\",\"cabang atas\",\"geography of media and communication\",\"ecomodernism\",\"policy sociology\",\"delmos jones\",\"fragmentation (sociology)\",\"research in social stratification and mobility\",\"comparative historical research\",\"akademie f\\u00fcr soziologie\",\"high-altitude adaptation in humans\",\"kurt heinrich wolff\",\"warrior (character class)\",\"tripartite classification of authority\",\"computational sociology\",\"social vulnerability\",\"hill people\",\"serer maternal clans\",\"zur geschichte der handelsgesellschaften im mittelalter\",\"contemporary jewry\",\"rogers brubaker\",\"arif ahmed (philosopher)\",\"german model\",\"social risk positions\",\"grotesque body\",\"rajputisation\",\"digital ecosystem\",\"supreme court of justice of colombia\",\"international sociological association\",\"norwegian journal of sociology\",\"non-representational theory\",\"business oligarch\",\"ferdinand t\\u00f6nnies society\",\"recent human evolution\"],\"node_colour\":[\"#FDE724\",\"#440154\",\"#5BC862\",\"#3B518A\",\"#5BC862\",\"#3B518A\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#440154\",\"#3B518A\",\"#208F8C\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#3B518A\",\"#5BC862\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#208F8C\",\"#3B518A\",\"#440154\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#3B518A\",\"#FDE724\",\"#5BC862\",\"#3B518A\",\"#FDE724\",\"#440154\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#3B518A\",\"#208F8C\",\"#3B518A\",\"#3B518A\",\"#440154\",\"#3B518A\",\"#3B518A\",\"#FDE724\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#208F8C\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#5BC862\",\"#440154\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#208F8C\",\"#440154\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#3B518A\",\"#3B518A\",\"#440154\",\"#440154\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#3B518A\",\"#3B518A\",\"#5BC862\",\"#208F8C\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#208F8C\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#3B518A\",\"#5BC862\",\"#3B518A\",\"#5BC862\",\"#440154\",\"#3B518A\",\"#5BC862\",\"#440154\",\"#208F8C\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#440154\",\"#5BC862\",\"#440154\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#3B518A\",\"#3B518A\",\"#5BC862\",\"#3B518A\",\"#3B518A\",\"#208F8C\",\"#3B518A\",\"#3B518A\",\"#440154\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#208F8C\",\"#208F8C\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#5BC862\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#FDE724\",\"#208F8C\",\"#5BC862\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#208F8C\",\"#5BC862\",\"#5BC862\",\"#440154\",\"#208F8C\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#5BC862\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#FDE724\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#3B518A\",\"#5BC862\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#208F8C\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#5BC862\",\"#3B518A\",\"#3B518A\",\"#440154\",\"#3B518A\",\"#3B518A\",\"#208F8C\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#3B518A\",\"#440154\",\"#440154\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#5BC862\",\"#3B518A\",\"#5BC862\",\"#3B518A\",\"#3B518A\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#440154\",\"#3B518A\",\"#3B518A\",\"#440154\",\"#208F8C\",\"#3B518A\",\"#FDE724\",\"#3B518A\",\"#3B518A\",\"#208F8C\",\"#3B518A\",\"#3B518A\",\"#5BC862\",\"#208F8C\",\"#3B518A\",\"#5BC862\"],\"node_sizes\":[0.25,0.5,1.5,0.5,0.5,0.5,0.25,26.0,18.0,2.25,1.75,2.0,1.0,0.25,1.25,0.25,0.75,0.25,2.0,2.25,0.25,3.75,2.75,0.25,2.0,0.25,1.5,1.5,4.5,4.0,0.5,1.5,0.25,10.25,1.0,0.25,4.5,0.25,0.25,0.25,0.25,1.25,0.25,0.25,2.5,0.75,0.25,1.75,0.5,0.5,0.75,4.25,2.25,1.25,0.25,0.25,3.75,0.5,0.25,0.25,0.5,3.25,0.25,1.75,3.5,0.75,0.25,2.25,2.5,0.25,0.25,0.75,2.5,2.25,1.0,0.25,0.5,0.25,0.25,1.75,0.25,2.5,1.75,1.75,0.25,0.5,1.75,2.5,0.25,0.75,0.5,10.25,2.5,1.75,1.5,0.25,0.25,0.75,0.25,1.25,1.75,0.75,2.5,1.0,2.75,3.0,0.5,1.5,1.0,1.75,0.5,0.5,2.25,0.25,4.25,0.75,0.75,1.25,0.5,0.25,0.25,2.75,0.5,0.75,0.25,0.25,0.25,0.25,1.25,2.5,0.25,2.0,0.5,0.5,0.75,0.25,0.25,0.75,2.25,1.75,1.25,0.25,4.0,0.25,1.75,1.25,0.25,0.25,0.25,0.25,0.5,3.0,0.5,2.75,10.25,2.25,0.5,0.5,3.75,1.0,0.5,0.5,1.25,4.75,0.25,1.25,2.25,1.25,0.5,1.75,0.25,0.25,8.0,0.25,1.5,0.25,0.25,2.75,0.75,0.25,1.0,0.25,0.25,1.25,0.25,0.5,3.0,0.5,0.75,0.25,1.5,1.75,0.25,1.0,1.25,0.25,0.25,0.25,0.25,1.0,1.75,0.25,0.25,0.75,0.25,1.0,0.25,0.5,0.25,0.75,0.75,0.75,0.25,0.25,0.75,0.25,1.25,0.25,0.75,0.25,0.25,2.25,1.75,0.75,0.5,1.25,2.25,0.25,0.75,0.25,0.5,0.25,0.5,0.5,0.25,0.25,3.0,0.25,1.25,1.25,0.25,1.0],\"parent\":[\"psychology\",\"economics\",\"anthropology\",\"sociology\",\"anthropology\",\"sociology\",\"sociology\",\"anthropology\",\"anthropology\",\"political_science\",\"economics\",\"sociology\",\"political_science\",\"sociology\",\"anthropology\",\"anthropology\",\"political_science\",\"sociology\",\"anthropology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"political_science\",\"sociology\",\"economics\",\"sociology\",\"anthropology\",\"anthropology\",\"sociology\",\"psychology\",\"anthropology\",\"sociology\",\"psychology\",\"economics\",\"anthropology\",\"anthropology\",\"anthropology\",\"sociology\",\"political_science\",\"sociology\",\"sociology\",\"economics\",\"sociology\",\"sociology\",\"psychology\",\"sociology\",\"sociology\",\"sociology\",\"political_science\",\"sociology\",\"sociology\",\"sociology\",\"anthropology\",\"economics\",\"anthropology\",\"political_science\",\"political_science\",\"political_science\",\"economics\",\"anthropology\",\"anthropology\",\"political_science\",\"anthropology\",\"political_science\",\"sociology\",\"sociology\",\"economics\",\"economics\",\"sociology\",\"anthropology\",\"anthropology\",\"sociology\",\"sociology\",\"anthropology\",\"political_science\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"political_science\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"anthropology\",\"anthropology\",\"anthropology\",\"sociology\",\"anthropology\",\"anthropology\",\"sociology\",\"anthropology\",\"sociology\",\"anthropology\",\"economics\",\"sociology\",\"anthropology\",\"economics\",\"political_science\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"economics\",\"anthropology\",\"economics\",\"political_science\",\"sociology\",\"political_science\",\"sociology\",\"sociology\",\"anthropology\",\"sociology\",\"sociology\",\"political_science\",\"sociology\",\"sociology\",\"economics\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"political_science\",\"political_science\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"anthropology\",\"sociology\",\"anthropology\",\"anthropology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"psychology\",\"political_science\",\"anthropology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"political_science\",\"anthropology\",\"anthropology\",\"economics\",\"political_science\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"anthropology\",\"political_science\",\"sociology\",\"political_science\",\"psychology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"anthropology\",\"anthropology\",\"anthropology\",\"sociology\",\"anthropology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"political_science\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"anthropology\",\"sociology\",\"sociology\",\"economics\",\"sociology\",\"sociology\",\"political_science\",\"sociology\",\"anthropology\",\"anthropology\",\"political_science\",\"sociology\",\"economics\",\"economics\",\"sociology\",\"anthropology\",\"anthropology\",\"anthropology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"sociology\",\"anthropology\",\"sociology\",\"anthropology\",\"sociology\",\"sociology\",\"sociology\",\"anthropology\",\"anthropology\",\"economics\",\"sociology\",\"sociology\",\"economics\",\"political_science\",\"sociology\",\"psychology\",\"sociology\",\"sociology\",\"political_science\",\"sociology\",\"sociology\",\"anthropology\",\"political_science\",\"sociology\",\"anthropology\"]},\"selected\":{\"id\":\"5463\"},\"selection_policy\":{\"id\":\"5462\"}},\"id\":\"3581\",\"type\":\"ColumnDataSource\"},{\"attributes\":{},\"id\":\"5416\",\"type\":\"NodesOnly\"},{\"attributes\":{\"data_source\":{\"id\":\"3581\"},\"glyph\":{\"id\":\"3605\"},\"hover_glyph\":null,\"muted_glyph\":null,\"view\":{\"id\":\"3583\"}},\"id\":\"3582\",\"type\":\"GlyphRenderer\"},{\"attributes\":{},\"id\":\"3699\",\"type\":\"WheelZoomTool\"},{\"attributes\":{},\"id\":\"3695\",\"type\":\"BasicTicker\"},{\"attributes\":{\"data\":{\"end\":[\"safety-valve institution\",\"religion\",\"term (time)\",\"personhood\",\"morphological freedom\",\"diplomatic protection\",\"greatness\",\"person\",\"index of sociology articles\",\"social phenomenon\",\"mummy of san andr\\u00e9s\",\"upper class\",\"religion\",\"language\",\"the protestant ethic and the spirit of capitalism\",\"modernity\",\"serfdom in tibet controversy\",\"benevolence and the mandate of heaven\",\"cultural group selection\",\"official cantonese translations of english names for british officials\",\"institution\",\"dark figure of crime\",\"white power music\",\"the rich get richer and the poor get poorer\",\"per capita personal income in the united states\",\"term (time)\",\"passing (sociology)\",\"list of sociologists\",\"organizational theory\",\"interactionism\",\"oppression\",\"clustering (demographics)\",\"agency (philosophy)\",\"structural violence\",\"figurational sociology\",\"social complexity\",\"computational sociology\",\"social model of disability\",\"matrix of domination\",\"index of sociology articles\",\"control theory (sociology)\",\"microsociology\",\"social conflict\",\"label (sociology)\",\"list of sociology journals\",\"asabiyyah\",\"mudsill theory\",\"value-added theory\",\"social integration\",\"manifest and latent functions and dysfunctions\",\"sociology of punishment\",\"moral entrepreneur\",\"sociologists for women in society\",\"european sociological association\",\"fragmentation (sociology)\",\"social system\",\"comparative historical research\",\"social reproduction\",\"sociology in poland\",\"dyad (sociology)\",\"action theory (sociology)\",\"agency (sociology)\",\"bibliography of sociology\",\"social experiment\",\"field theory (sociology)\",\"grave candle\",\"symbolic religiosity\",\"relational sociology\",\"structural discrimination\",\"social construction of the body\",\"group threat theory\",\"concentrated disadvantage\",\"sociology in japan\",\"sociology of morality\",\"the protestant ethic and the spirit of capitalism\",\"religion\",\"serfdom\",\"early modern human\",\"serer-ndut people\",\"bumiputera (malaysia)\",\"business magnate\",\"magnate\",\"upper class\",\"status group\",\"apuli\",\"health geography\",\"non-representational theory\",\"hong kong honours system\",\"serer people\",\"andean civilizations\",\"lingeer\",\"serer maternal clans\",\"poverty class\",\"geography of media and communication\",\"lingeer ngon\\u00e9 di\\u00e8ye\",\"biosocial criminology\",\"garveyism\",\"business oligarch\",\"administrative divisions of portugal\",\"administrative divisions of peru\",\"german model\",\"supreme court of justice of colombia\",\"christian privilege\",\"fiscal policy of the philippines\",\"personhood\",\"arif ahmed (philosopher)\",\"science as a vocation\",\"morphological freedom\",\"encyclopedia of women and islamic cultures\",\"medical sociologist\",\"gochisosama\",\"rogers brubaker\",\"ecomodernism\",\"discrimination against autistic people\",\"silence=death project\",\"astrosociology\",\"comparative historical research\",\"social integration\",\"social system\",\"friction of distance\",\"skhul and qafzeh hominins\",\"cultural group selection\",\"institution\",\"dark figure of crime\",\"white power music\",\"per capita personal income in the united states\",\"list of sociologists\",\"organizational theory\",\"interactionism\",\"oppression\",\"agency (philosophy)\",\"structural violence\",\"figurational sociology\",\"social complexity\",\"computational sociology\",\"index of sociology articles\",\"control theory (sociology)\",\"microsociology\",\"social conflict\",\"list of sociology journals\",\"asabiyyah\",\"mudsill theory\",\"value-added theory\",\"manifest and latent functions and dysfunctions\",\"sociology of punishment\",\"moral entrepreneur\",\"european sociological association\",\"fragmentation (sociology)\",\"social reproduction\",\"sociology in poland\",\"dyad (sociology)\",\"action theory (sociology)\",\"agency (sociology)\",\"bibliography of sociology\",\"social experiment\",\"field theory (sociology)\",\"symbolic religiosity\",\"relational sociology\",\"structural discrimination\",\"group threat theory\",\"concentrated disadvantage\",\"sociology in japan\",\"sociology of morality\",\"language\",\"logophonetic\",\"early modern human\",\"bumiputera (malaysia)\",\"androcentrism\",\"status group\",\"australian institute of aboriginal and torres strait islander studies\",\"apuli\",\"health geography\",\"gallowglass\",\"non-representational theory\",\"names for the human species\",\"geography of media and communication\",\"biosocial criminology\",\"modular cognition framework\",\"east turkestan\",\"german model\",\"christian privilege\",\"fiscal policy of the philippines\",\"freelancer\",\"medical sociologist\",\"discrimination against autistic people\",\"astrosociology\",\"social complexity\",\"astrosociology\",\"social experiment\",\"sociology of punishment\",\"institution\",\"index of sociology articles\",\"structural violence\",\"theories of poverty\",\"scottish index of multiple deprivation\",\"list of special economic zones\",\"social reproduction\",\"poverty class\",\"environmental racism in the united states\",\"structure and agency\",\"social complexity\",\"astrosociology\",\"social experiment\",\"action theory (sociology)\",\"agency (philosophy)\",\"serfdom\",\"social system\",\"peasant\",\"moral entrepreneur\",\"serer-ndut people\",\"serer people\",\"lingeer ngon\\u00e9 di\\u00e8ye\",\"serer maternal clans\",\"non-representational theory\",\"international sociological association\",\"international council for science\",\"social phenomenon\",\"serfdom\",\"business magnate\",\"upper class\",\"the rich get richer and the poor get poorer\",\"magnate\",\"business oligarch\",\"the protestant ethic and the spirit of capitalism\",\"least-cost theory\",\"roman agrarian history and its significance for public and private law\",\"iron cage\",\"zur geschichte der handelsgesellschaften im mittelalter\",\"ideal type\",\"life chances\",\"tripartite classification of authority\",\"science as a vocation\",\"organizational theory\",\"edvard westermarck\",\"social complexity\",\"astrosociology\",\"social experiment\",\"least-cost theory\",\"ernst borinski\",\"rogers brubaker\",\"randy david\",\"donatella della porta\",\"helmuth plessner\",\"p\\u0131nar selek\",\"saskia wieringa\",\"eviatar zerubavel\",\"upper class\",\"social complexity\",\"astrosociology\",\"social experiment\",\"index of sociology articles\",\"underclass\",\"social transformation\",\"science capital\",\"biosocial criminology\",\"social complexity\",\"astrosociology\",\"social experiment\",\"victim study\",\"national crime victimization survey\",\"business magnate\",\"upper class\",\"status\\u2013income disequilibrium\",\"business oligarch\",\"social complexity\",\"astrosociology\",\"social experiment\",\"racial threat\",\"serfdom\",\"peasant\",\"warrior\",\"kshatriya\",\"mudsill theory\",\"vertical mobility\",\"business oligarch\",\"business magnate\",\"upper class\",\"status group\",\"underclass\",\"confucian classes\",\"poverty class\",\"personhood\",\"serfdom\",\"peasant\",\"warrior\",\"vertical mobility\",\"mudsill theory\",\"kshatriya\",\"upper class\",\"status group\",\"underclass\",\"confucian classes\",\"census of india prior to independence\",\"poverty class\",\"personhood\",\"rajputisation\",\"oppression\",\"cultural group selection\",\"bibliography of sociology\",\"recent human evolution\",\"comparative historical research\",\"social system\",\"mudsill theory\",\"organizational theory\",\"interactionism\",\"structural violence\",\"figurational sociology\",\"astrosociology\",\"social experiment\",\"computational sociology\",\"index of sociology articles\",\"control theory (sociology)\",\"microsociology\",\"social conflict\",\"list of sociology journals\",\"asabiyyah\",\"value-added theory\",\"manifest and latent functions and dysfunctions\",\"sociology of punishment\",\"moral entrepreneur\",\"european sociological association\",\"sociology in poland\",\"dyad (sociology)\",\"action theory (sociology)\",\"bibliography of sociology\",\"field theory (sociology)\",\"symbolic religiosity\",\"relational sociology\",\"concentrated disadvantage\",\"sociology in japan\",\"sociology of morality\",\"status group\",\"medical sociologist\",\"burlesque\",\"minsky's burlesque\",\"grotesque body\",\"serfdom\",\"warrior\",\"index of sociology articles\",\"vertical mobility\",\"mudsill theory\",\"feoffment\",\"peasant\",\"upper class\",\"status group\",\"underclass\",\"confucian classes\",\"poverty class\",\"personhood\",\"rajputisation\",\"fount of honour\",\"poverty class\",\"total institution\",\"index of sociology articles\",\"resocialization\",\"safety-valve institution\",\"index of sociology articles\",\"vertical mobility\",\"the protestant ethic and the spirit of capitalism\",\"least-cost theory\",\"roman agrarian history and its significance for public and private law\",\"ideal type\",\"iron cage\",\"life chances\",\"tripartite classification of authority\",\"zur geschichte der handelsgesellschaften im mittelalter\",\"greatness\",\"interactionism\",\"figurational sociology\",\"international sociological association\",\"ideal type\",\"dyad (sociology)\",\"action theory (sociology)\",\"poverty class\",\"lowell l. bennion\",\"modernity\",\"ecomodernism\",\"east turkestan\",\"serfdom\",\"warrior\",\"vertical mobility\",\"astrosociology\",\"social experiment\",\"underclass\",\"upper class\",\"status group\",\"confucian classes\",\"poverty class\",\"personhood\",\"warrior\",\"upper class\",\"index of sociology articles\",\"status attainment\",\"astrosociology\",\"social experiment\",\"androcentrism\",\"structural violence\",\"warrior\",\"index of sociology articles\",\"correspondence principle (sociology)\",\"garveyism\",\"business oligarch\",\"international sociological association\",\"european sociological association\",\"diplomatic protection\",\"warrior\",\"theories of poverty\",\"social vulnerability\",\"scottish index of multiple deprivation\",\"environmental racism in the united states\",\"serfdom\",\"fount of honour\",\"state decoration\",\"feoffment\",\"state order\",\"serfdom\",\"hoplology\",\"warrior (character class)\",\"status group\",\"underclass\",\"confucian classes\",\"personhood\",\"fount of honour\",\"state order\",\"organizational theory\",\"the protestant ethic and the spirit of capitalism\",\"least-cost theory\",\"roman agrarian history and its significance for public and private law\",\"iron cage\",\"status attainment\",\"underclass\",\"zur geschichte der handelsgesellschaften im mittelalter\",\"the protestant ethic and the spirit of capitalism\",\"roman agrarian history and its significance for public and private law\",\"ideal type\",\"iron cage\",\"tripartite classification of authority\",\"zur geschichte der handelsgesellschaften im mittelalter\",\"index of sociology articles\",\"early modern human\",\"recent human evolution\",\"human genetic clustering\",\"modernity\",\"high-altitude adaptation in humans\",\"skhul and qafzeh hominins\",\"recent human evolution\",\"names for the human species\",\"early modern human\",\"astrosociology\",\"social experiment\",\"population and development review\",\"l'ann\\u00e9e sociologique\",\"contemporary jewry\",\"sociological insight\",\"index of sociology articles\",\"analytic frame\",\"microsociology\",\"astrosociology\",\"social experiment\",\"secondary deviance\",\"structural violence\",\"social integration\",\"white power music\",\"oppression\",\"structural discrimination\",\"bumiputera (malaysia)\",\"androcentrism\",\"social model of disability\",\"discrimination against autistic people\",\"astrosociology\",\"social experiment\",\"index of sociology articles\",\"bibliography of sociology\",\"social integration\",\"white power music\",\"oppression\",\"social model of disability\",\"social system\",\"davis\\u2013moore hypothesis\",\"immigrant-host model\",\"astrosociology\",\"social experiment\",\"index of sociology articles\",\"astrosociology\",\"social experiment\",\"oppression\",\"symbolic power\",\"commodity chain\",\"comparative historical research\",\"social system\",\"organizational theory\",\"figurational sociology\",\"computational sociology\",\"index of sociology articles\",\"control theory (sociology)\",\"asabiyyah\",\"value-added theory\",\"manifest and latent functions and dysfunctions\",\"sociology of punishment\",\"moral entrepreneur\",\"european sociological association\",\"sociology in poland\",\"dyad (sociology)\",\"action theory (sociology)\",\"bibliography of sociology\",\"social experiment\",\"field theory (sociology)\",\"symbolic religiosity\",\"relational sociology\",\"concentrated disadvantage\",\"sociology in japan\",\"status group\",\"medical sociologist\",\"serfdom\",\"index of sociology articles\",\"confucian classes\",\"serer-ndut people\",\"serer maternal clans\",\"serer people\",\"lingeer ngon\\u00e9 di\\u00e8ye\",\"social system\",\"social experiment\",\"rogers brubaker\",\"australian institute of aboriginal and torres strait islander studies\",\"serfdom\",\"social experiment\",\"social integration\",\"white power music\",\"oppression\",\"social model of disability\",\"freelancer\",\"morphological freedom\",\"personhood\",\"social integration\",\"l'ann\\u00e9e sociologique\",\"the protestant ethic and the spirit of capitalism\",\"iron cage\",\"zur geschichte der handelsgesellschaften im mittelalter\",\"roman agrarian history and its significance for public and private law\",\"ideal type\",\"tripartite classification of authority\",\"the protestant ethic and the spirit of capitalism\",\"social experiment\",\"alan wolfe\",\"oppression\",\"international sociological association\",\"policy sociology\",\"sock puppet account\",\"social experiment\",\"theories of poverty\",\"social vulnerability\",\"cabang atas\",\"social system\",\"population and development review\",\"victim study\",\"social experiment\",\"international sociological association\",\"norwegian sociological association\",\"christian fuchs (sociologist)\",\"morphological freedom\",\"ideal type\",\"computational sociology\",\"index of sociology articles\",\"value-added theory\",\"social experiment\",\"social system\",\"digital ecosystem\",\"grotesque body\",\"modernity\",\"hill people\",\"social experiment\",\"helmuth plessner\",\"relational sociology\",\"alan wolfe\",\"social integration\",\"white power music\",\"oppression\",\"index of sociology articles\",\"structural discrimination\",\"androcentrism\",\"health geography\",\"p\\u0131nar selek\",\"modernity\",\"social experiment\",\"social integration\",\"oppression\",\"structural discrimination\",\"androcentrism\",\"social experiment\",\"donatella della porta\",\"index of sociology articles\",\"status attainment\",\"social integration\",\"international sociological association\",\"norwegian journal of sociology\",\"sex and reason\",\"social integration\",\"oppression\",\"androcentrism\",\"social integration\",\"oppression\",\"lingeer ngon\\u00e9 di\\u00e8ye\",\"serer maternal clans\",\"modernity\",\"serfdom\",\"iron cage\",\"zur geschichte der handelsgesellschaften im mittelalter\",\"international sociological association\",\"commercialism\",\"ideal type\",\"tripartite classification of authority\",\"social experiment\",\"ideal type\",\"social experiment\",\"oppression\",\"oppression\",\"modernity\",\"ecomodernism\",\"index of sociology articles\",\"john murray cuddihy\",\"comparative historical research\",\"organizational theory\",\"figurational sociology\",\"computational sociology\",\"index of sociology articles\",\"sociology of punishment\",\"sociology in poland\",\"action theory (sociology)\",\"symbolic religiosity\",\"relational sociology\",\"concentrated disadvantage\",\"sociology in japan\",\"status group\",\"organizational theory\",\"oppression\",\"serfdom\",\"non-representational theory\",\"index of sociology articles\",\"oppression\",\"fragmentation (sociology)\",\"delmos jones\",\"ideal type\",\"tripartite classification of authority\",\"zur geschichte der handelsgesellschaften im mittelalter\",\"serer maternal clans\",\"index of sociology articles\",\"ideal type\",\"computational sociology\",\"ferdinand t\\u00f6nnies society\",\"resocialization\",\"secondary deviance\",\"status group\",\"social balance theory\",\"social risk positions\",\"morphological freedom\",\"international sociological association\",\"helmuth plessner\",\"state order\",\"tripartite classification of authority\",\"tripartite classification of authority\",\"zur geschichte der handelsgesellschaften im mittelalter\",\"relational sociology\",\"alan wolfe\",\"international sociological association\",\"social vulnerability\",\"cabang atas\",\"non-representational theory\",\"international sociological association\",\"international sociological association\",\"hill people\",\"recent human evolution\",\"international sociological association\",\"zur geschichte der handelsgesellschaften im mittelalter\"],\"start\":[\"theories of humor\",\"time value of money\",\"time value of money\",\"person\",\"person\",\"person\",\"person\",\"person\",\"sociological imagination\",\"sociological imagination\",\"guanche mummies\",\"guanche mummies\",\"average joe\",\"average joe\",\"mass action (sociology)\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"religion\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"language\",\"institution\",\"institution\",\"institution\",\"institution\",\"institution\",\"institution\",\"cycle of poverty\",\"cycle of poverty\",\"cycle of poverty\",\"cycle of poverty\",\"cycle of poverty\",\"cycle of poverty\",\"cycle of poverty\",\"agency (sociology)\",\"agency (sociology)\",\"agency (sociology)\",\"agency (sociology)\",\"agency (sociology)\",\"agency (sociology)\",\"serfdom in tibet controversy\",\"serfdom in tibet controversy\",\"serfdom in tibet controversy\",\"norm entrepreneur\",\"lingeer\",\"lingeer\",\"lingeer\",\"lingeer\",\"children's geographies\",\"international council for science\",\"international council for science\",\"intergroup anxiety\",\"magnate\",\"magnate\",\"magnate\",\"magnate\",\"magnate\",\"magnate\",\"sociology of the world religions\",\"sociology of the world religions\",\"sociology of the world religions\",\"sociology of the world religions\",\"sociology of the world religions\",\"sociology of the world religions\",\"sociology of the world religions\",\"sociology of the world religions\",\"sociology of the world religions\",\"anti-modernization\",\"list of sociologists\",\"list of sociologists\",\"list of sociologists\",\"list of sociologists\",\"list of sociologists\",\"list of sociologists\",\"list of sociologists\",\"list of sociologists\",\"list of sociologists\",\"list of sociologists\",\"list of sociologists\",\"list of sociologists\",\"list of sociologists\",\"social reproduction\",\"social reproduction\",\"social reproduction\",\"social reproduction\",\"social reproduction\",\"social reproduction\",\"social reproduction\",\"social reproduction\",\"dark figure of crime\",\"dark figure of crime\",\"dark figure of crime\",\"dark figure of crime\",\"dark figure of crime\",\"dark figure of crime\",\"the rich get richer and the poor get poorer\",\"the rich get richer and the poor get poorer\",\"the rich get richer and the poor get poorer\",\"the rich get richer and the poor get poorer\",\"group threat theory\",\"group threat theory\",\"group threat theory\",\"group threat theory\",\"business magnate\",\"business magnate\",\"business magnate\",\"business magnate\",\"business magnate\",\"business magnate\",\"business magnate\",\"business magnate\",\"business magnate\",\"business magnate\",\"business magnate\",\"business magnate\",\"business magnate\",\"business magnate\",\"kshatriya\",\"kshatriya\",\"kshatriya\",\"kshatriya\",\"kshatriya\",\"kshatriya\",\"kshatriya\",\"kshatriya\",\"kshatriya\",\"kshatriya\",\"kshatriya\",\"kshatriya\",\"kshatriya\",\"kshatriya\",\"matrix of domination\",\"biosocial criminology\",\"biosocial criminology\",\"biosocial criminology\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"social complexity\",\"burlesque\",\"burlesque\",\"burlesque\",\"peasant\",\"peasant\",\"peasant\",\"peasant\",\"peasant\",\"peasant\",\"peasant\",\"peasant\",\"peasant\",\"peasant\",\"peasant\",\"peasant\",\"peasant\",\"peasant\",\"canadian honours system\",\"joseph rowntree foundation\",\"total institution\",\"total institution\",\"total institution\",\"total institution\",\"social geometry\",\"global social mobility index\",\"science as a vocation\",\"science as a vocation\",\"science as a vocation\",\"science as a vocation\",\"science as a vocation\",\"science as a vocation\",\"science as a vocation\",\"science as a vocation\",\"greatness\",\"structure and agency\",\"structure and agency\",\"structure and agency\",\"structure and agency\",\"structure and agency\",\"structure and agency\",\"food bank\",\"food bank\",\"reflexive modernization\",\"reflexive modernization\",\"east turkestan\",\"mudsill theory\",\"mudsill theory\",\"mudsill theory\",\"mudsill theory\",\"mudsill theory\",\"mudsill theory\",\"mudsill theory\",\"mudsill theory\",\"mudsill theory\",\"mudsill theory\",\"mudsill theory\",\"vertical mobility\",\"vertical mobility\",\"vertical mobility\",\"vertical mobility\",\"sociology of morality\",\"sociology of morality\",\"honorary male\",\"l'empire de la honte\",\"upper class\",\"upper class\",\"upper class\",\"upper class\",\"upper class\",\"ursula apitzsch\",\"ursula apitzsch\",\"denationalized citizenship\",\"poverty class\",\"poverty class\",\"poverty class\",\"poverty class\",\"poverty class\",\"feoffment\",\"feoffment\",\"feoffment\",\"feoffment\",\"feoffment\",\"warrior\",\"warrior\",\"warrior\",\"warrior\",\"warrior\",\"warrior\",\"warrior\",\"state decoration\",\"state decoration\",\"strategic choice theory\",\"life chances\",\"life chances\",\"life chances\",\"life chances\",\"life chances\",\"life chances\",\"life chances\",\"least-cost theory\",\"least-cost theory\",\"least-cost theory\",\"least-cost theory\",\"least-cost theory\",\"least-cost theory\",\"split labor market theory\",\"human genetic variation\",\"human genetic variation\",\"human genetic variation\",\"early modern human\",\"early modern human\",\"early modern human\",\"early modern human\",\"early modern human\",\"early modern human\",\"list of sociology journals\",\"list of sociology journals\",\"list of sociology journals\",\"list of sociology journals\",\"list of sociology journals\",\"list of sociology journals\",\"social phenomenon\",\"social phenomenon\",\"mesosociology\",\"interactionism\",\"interactionism\",\"interactionism\",\"angst und vorurteil\",\"christian privilege\",\"christian privilege\",\"christian privilege\",\"christian privilege\",\"christian privilege\",\"christian privilege\",\"christian privilege\",\"christian privilege\",\"social conflict\",\"social conflict\",\"social conflict\",\"social conflict\",\"discrimination against autistic people\",\"discrimination against autistic people\",\"discrimination against autistic people\",\"discrimination against autistic people\",\"protest cycle\",\"structural inequality\",\"structural inequality\",\"microsociology\",\"microsociology\",\"microsociology\",\"structural violence\",\"structural violence\",\"structural violence\",\"structural violence\",\"ethnoscape\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"astrosociology\",\"underclass\",\"underclass\",\"underclass\",\"serer people\",\"serer people\",\"serer people\",\"serer people\",\"manifest and latent functions and dysfunctions\",\"manifest and latent functions and dysfunctions\",\"groupism\",\"australian institute of aboriginal and torres strait islander studies\",\"obshchina\",\"field theory (sociology)\",\"bumiputera (malaysia)\",\"bumiputera (malaysia)\",\"bumiputera (malaysia)\",\"bumiputera (malaysia)\",\"freelancer\",\"personhood\",\"personhood\",\"l'ann\\u00e9e sociologique\",\"l'ann\\u00e9e sociologique\",\"roman agrarian history and its significance for public and private law\",\"roman agrarian history and its significance for public and private law\",\"roman agrarian history and its significance for public and private law\",\"roman agrarian history and its significance for public and private law\",\"roman agrarian history and its significance for public and private law\",\"roman agrarian history and its significance for public and private law\",\"bibliography of sociology\",\"bibliography of sociology\",\"bibliography of sociology\",\"bibliography of sociology\",\"bibliography of sociology\",\"bibliography of sociology\",\"passing (sociology)\",\"moral entrepreneur\",\"scottish index of multiple deprivation\",\"scottish index of multiple deprivation\",\"confucian classes\",\"world3\",\"world3\",\"national crime victimization survey\",\"european sociological association\",\"european sociological association\",\"european sociological association\",\"european sociological association\",\"antinaturalism (politics)\",\"social system\",\"social system\",\"social system\",\"social system\",\"social system\",\"social system\",\"social system\",\"social system\",\"andean civilizations\",\"andean civilizations\",\"asabiyyah\",\"german sociological association\",\"german sociological association\",\"caucus for a new political science\",\"social model of disability\",\"social model of disability\",\"social model of disability\",\"social model of disability\",\"social model of disability\",\"social model of disability\",\"social model of disability\",\"p\\u0131nar selek\",\"critique of modernity\",\"medical sociologist\",\"white power music\",\"white power music\",\"white power music\",\"white power music\",\"value-added theory\",\"value-added theory\",\"value-added theory\",\"social transformation\",\"immigrant-host model\",\"norwegian sociological association\",\"norwegian sociological association\",\"population and development review\",\"androcentrism\",\"androcentrism\",\"androcentrism\",\"structural discrimination\",\"structural discrimination\",\"serer-ndut people\",\"serer-ndut people\",\"the protestant ethic and the spirit of capitalism\",\"the protestant ethic and the spirit of capitalism\",\"the protestant ethic and the spirit of capitalism\",\"the protestant ethic and the spirit of capitalism\",\"the protestant ethic and the spirit of capitalism\",\"the protestant ethic and the spirit of capitalism\",\"the protestant ethic and the spirit of capitalism\",\"the protestant ethic and the spirit of capitalism\",\"dyad (sociology)\",\"dyad (sociology)\",\"control theory (sociology)\",\"spatial justice\",\"social integration\",\"modernity\",\"modernity\",\"modernity\",\"modernity\",\"social experiment\",\"social experiment\",\"social experiment\",\"social experiment\",\"social experiment\",\"social experiment\",\"social experiment\",\"social experiment\",\"social experiment\",\"social experiment\",\"social experiment\",\"social experiment\",\"social experiment\",\"organizational theory\",\"serfdom\",\"serfdom\",\"health geography\",\"commodity chain\",\"oppression\",\"oppression\",\"oppression\",\"iron cage\",\"iron cage\",\"iron cage\",\"lingeer ngon\\u00e9 di\\u00e8ye\",\"sociology of punishment\",\"index of sociology articles\",\"index of sociology articles\",\"index of sociology articles\",\"index of sociology articles\",\"index of sociology articles\",\"index of sociology articles\",\"index of sociology articles\",\"index of sociology articles\",\"procreative beneficence\",\"sociology in poland\",\"names for the human species\",\"fount of honour\",\"authority (sociology)\",\"ideal type\",\"ideal type\",\"helmuth plessner\",\"alan wolfe\",\"ren\\u00e9-k\\u00f6nig-gesellschaft\",\"theories of poverty\",\"cabang atas\",\"geography of media and communication\",\"research in social stratification and mobility\",\"akademie f\\u00fcr soziologie\",\"high-altitude adaptation in humans\",\"high-altitude adaptation in humans\",\"kurt heinrich wolff\",\"tripartite classification of authority\"]},\"selected\":{\"id\":\"5461\"},\"selection_policy\":{\"id\":\"5460\"}},\"id\":\"3585\",\"type\":\"ColumnDataSource\"},{\"attributes\":{\"data\":{\"alpha\":[0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75],\"depth\":[1,1,2,2,2,2,1,2,2,2,1,2,1,2,1,2,1,0,1,1,2,2,1,1,1,1,1,1,2,2,2,2,2,1,1,2,2,2,1,2,2,2,1,2,2,1,1,0,1,2,2,1,1,1,1,1,1,1,1,2,2,1,1,1,1,1,1,1,1,1,2,2,1,2,1,1,2,1,1,2,1,1,1,2,2,1,2,1,1,1,1,2,2,2,2,1,1,2,1,2,2,1,1,1,2,0,2,1,1,1,1,1,2,1,1,1,1,2,0,1,1,2,2,1,1,2,1,1,2,1,1,1,1,1,2,1,2,1,0,2,2,1,1,2,2,2,1,1,1,1,1,1,1,1,2,2,2,2,1,2,0,1,2,2,2,2,1,2,1,1,0,2,2,2,2,2,2,0,1,1,1,0,2,1,1,2,1,1,2,2,2,1,2,2,1,1,1,1,2,2,2,1,1,2,2,2,2,1,1,1,1,1,2,2,1,0,1,2,1,2,1,1,1,2,1,0,2,2,1,0,2,1,2,2,1,2,1,0,2,2,0,2,2,1,2,1,2,1,1,2,2,1,2,2,2,1,2,2,1,2,1,1,1,1,2,1,1,1,1,1,2,2,2,1,2,1,2,1,2,2,2,2,1,2,1,1,1,2,2,2,1,1,2,2,2,1,1,1,2,1,1,2,1,0,2,2,1,1,1,1,2,2,0,2,2,1,2,2],\"index\":[\"gestalt psychology\",\"substitutes for leadership theory\",\"sensory threshold\",\"creativity\",\"collaboration\",\"acceptance and commitment therapy\",\"intelligence\",\"the culture of narcissism\",\"behaviour therapy\",\"disordered eating\",\"proportionality bias\",\"marie-louise von franz\",\"taboo (2002 tv series)\",\"accuracy and precision\",\"neutral stimulus\",\"major depressive disorder\",\"obliviousness\",\"outline of psychology\",\"geography of antisemitism\",\"list of psychiatric medications\",\"detection theory\",\"trait ascription bias\",\"domestic analogy\",\"gestaltzerfall\",\"hypnopompic\",\"list of mental disorders\",\"the witch-cult in western europe\",\"forensic facial reconstruction\",\"sequential probability ratio test\",\"ernst mally\",\"repeatability\",\"mania\",\"black hole bomb\",\"mourning and melancholia\",\"object relations theory\",\"making peace\",\"mortido\",\"psycho-oncology\",\"unipolar mania\",\"harvey jackins\",\"autogenic training\",\"live free or die\",\"gotai\",\"the independent review\",\"journal of the american psychoanalytic association\",\"gay, straight, and the reason why\",\"moralia\",\"nations and iq\",\"cabin fever\",\"alchemical studies\",\"passing on the right\",\"women-are-wonderful effect\",\"histrionic personality disorder\",\"post-cognitivist psychology\",\"open music model\",\"law of effect\",\"list of psychology awards\",\"land management\",\"mentalization\",\"imaginary audience\",\"civilization in transition\",\"data collection system\",\"behavioral neuroscience\",\"gestalt theoretical psychotherapy\",\"paid survey\",\"open-mindedness\",\"hypnosis\",\"lila: an inquiry into morals\",\"repertory grid\",\"list of psychology organizations\",\"american association for the abolition of involuntary mental hospitalization\",\"altered states\",\"non-sampling error\",\"hong kong college of psychiatrists\",\"list of psychological research methods\",\"list of psychiatric medications by condition treated\",\"the journal of politics\",\"martti olavi siirala\",\"maceration (bone)\",\"public opinion and activism in the terri schiavo case\",\"british psychotherapy foundation\",\"mars needs moms\",\"superiority complex\",\"classical test theory\",\"psychomotor retardation\",\"music psychology\",\"meta learning\",\"paradoxical intention\",\"values modes\",\"archibald crossley\",\"sarnoff a. mednick\",\"poker\",\"preconscious\",\"hermann lotze\",\"motivational salience\",\"opinion poll\",\"occupational health psychology\",\"managerialism\",\"list of mnemonics\",\"unevenly spaced time series\",\"eating disorder\",\"memory space (social science)\",\"jacqueline rose\",\"sociometric status\",\"normalcy bias\",\"postpartum confinement\",\"ipm (software)\",\"verbal behavior\",\"developmental psychology\",\"jenkins activity survey\",\"two-factor theory of emotion\",\"crying\",\"border outpost\",\"life-process model of addiction\",\"index of psychometrics articles\",\"helene deutsch\",\"global workspace theory\",\"hypnodermatology\",\"nominate (scaling method)\",\"wakefulness\",\"blank expression\",\"entitlement\",\"paul ferdinand schilder\",\"freud's seduction theory\",\"psychological statistics\",\"demonstration effect\",\"necropolitics\",\"dark triad\",\"law of the instrument\",\"radical psychology network\",\"specialist in psychology\",\"taste (sociology)\",\"european federation of psychologists' associations\",\"character computing\",\"sascha altman dubrul\",\"interviewer effect\",\"david marks (psychologist)\",\"the freudian coverup\",\"politics of memory\",\"lag operator\",\"attachment parenting\",\"list of neurological conditions and disorders\",\"id, ego and super-ego\",\"eugen relgis\",\"aion: researches into the phenomenology of the self\",\"flashback (psychology)\",\"social cognition and interaction training\",\"roper center for public opinion research\",\"general knowledge\",\"life and how to survive it\",\"applied psychological measurement\",\"schizotypy\",\"total survey error\",\"chiara bottici\",\"dynamicism\",\"list of rugrats characters\",\"awareness\",\"performance\",\"psychometrics\",\"pattern recognition (psychology)\",\"shrunken head\",\"barbara rogoff\",\"ambidexterity\",\"subconscious\",\"flow (psychology)\",\"just-noticeable difference\",\"timeline of psychotherapy\",\"prohibition of dying\",\"homo faber\",\"hereditarianism\",\"latin american public opinion project\",\"sleep and learning\",\"laterality\",\"behavior\",\"coma\",\"transliminality\",\"guttman scale\",\"the establishment (pakistan)\",\"naturalistic observation\",\"list of psychological schools\",\"conversational model\",\"comparative study of electoral systems\",\"reliability (statistics)\",\"on narcissism\",\"adlerian\",\"persistent vegetative state\",\"gnosis (chaos magic)\",\"outline of thought\",\"self-assessment\",\"comprehension approach\",\"task analysis\",\"core self-evaluations\",\"list of cycles\",\"defence mechanism\",\"bps barbara wilson lifetime achievement award\",\"international journal of public opinion research\",\"altered state of consciousness\",\"openness\",\"ernest jones\",\"auditory hallucination\",\"slain in the spirit\",\"little albert experiment\",\"james\\u2013lange theory\",\"sleep-learning\",\"cat intelligence\",\"mindfreedom international\",\"answer to job\",\"psychological evaluation\",\"abnormal psychology\",\"survey data collection\",\"conditioned emotional response\",\"list of cognitive biases\",\"afrobarometer\",\"nobody nowhere\",\"metanoia (psychology)\",\"race and intelligence\",\"multidimensional aptitude battery ii\",\"sopor (sleep)\",\"max scheler\",\"dysthymia\",\"psychoinformatics\",\"volume index\",\"sid parnes\",\"ego integrity\",\"bicameral mentality\",\"world values survey\",\"anhedonia\",\"collective memory\",\"psychoanalytic theory\",\"headhunting\",\"egosyntonic and egodystonic\",\"hierarchical organization\",\"chaining\",\"medicalization\",\"psychoanalysis\",\"psychohistory\",\"relational developmental systems\",\"interpersonal neurobiology\",\"probability matching\",\"seasonal affective disorder\",\"nurturant parent model\",\"public opinion quarterly\",\"the emperor's new mind\",\"ecological psychology\",\"psychological resistance\",\"self-awareness\",\"harry harlow\",\"cognitive intervention\",\"list of schools of psychoanalysis\",\"sustainable development goal 12\",\"categorical perception\",\"creativity and mental health\",\"analysis of rhythmic variance\",\"self-hypnosis\",\"time warp edit distance\",\"history of psychotherapy\",\"quantitative psychological research\",\"marcellina (gnostic)\",\"cogito, ergo sum\",\"secular variation\",\"psychonautics\",\"medical psychology\",\"the white goddess\",\"feeling good: the new mood therapy\",\"aversives\",\"shadow (psychology)\",\"transpersonal psychology\",\"frieda fromm-reichmann\",\"scale analysis (statistics)\",\"reasoned action approach\",\"alter ego\",\"obtundation\",\"anti-psychiatry\",\"timeline of psychology\",\"intelligence quotient\",\"soul\",\"mad pride\",\"coverage error\",\"control (management)\",\"british polling council\",\"eustress\",\"crazy therapies\",\"cognitivism (psychology)\",\"matrix management\",\"spearman medal\",\"dsm-iv codes\",\"sybil (schreiber book)\",\"learning\",\"d\\u00e9j\\u00e0 vu\",\"requisite organization\",\"quantitative research\",\"oskar pfister award\",\"time series\",\"menninger foundation\",\"communications management\",\"list of credentials in psychology\",\"joint attention\",\"child behavior checklist\",\"cognitive bias\",\"information metabolism\",\"catharsis\",\"bipolar i disorder\",\"international general medical society for psychotherapy\",\"cognitive archaeology\",\"pseudodysphagia\",\"statistical inference\",\"field theory (psychology)\",\"kurt koffka medal\",\"swanson, nolan and pelham teacher and parent rating scale\",\"id\\u00e9e fixe (psychology)\",\"models of abnormality\",\"vocabulary development\",\"strict father model\",\"piaget's theory of cognitive development\",\"tortured artist\",\"outline of autism\",\"national association of school psychologists\",\"fiscal transparency\"],\"node_colour\":[\"#FDE724\",\"#3B518A\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#3B518A\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#5BC862\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#5BC862\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#5BC862\",\"#FDE724\",\"#5BC862\",\"#5BC862\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#440154\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#FDE724\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#440154\",\"#FDE724\",\"#FDE724\",\"#440154\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#5BC862\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#FDE724\",\"#5BC862\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#440154\",\"#FDE724\",\"#3B518A\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#5BC862\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#3B518A\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#3B518A\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#3B518A\",\"#3B518A\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#3B518A\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#440154\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#3B518A\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#208F8C\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#5BC862\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#5BC862\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#3B518A\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#5BC862\",\"#5BC862\",\"#FDE724\",\"#FDE724\",\"#5BC862\",\"#FDE724\",\"#FDE724\",\"#440154\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#3B518A\",\"#FDE724\",\"#5BC862\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#3B518A\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#3B518A\",\"#FDE724\",\"#FDE724\",\"#440154\",\"#FDE724\",\"#440154\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#440154\",\"#FDE724\",\"#FDE724\",\"#5BC862\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#3B518A\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#3B518A\",\"#3B518A\",\"#FDE724\",\"#440154\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#5BC862\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#FDE724\",\"#208F8C\"],\"node_sizes\":[4.0,0.25,0.25,6.75,2.25,3.75,12.25,0.75,2.5,0.25,0.5,2.25,0.5,1.5,0.5,4.5,0.25,6.5,0.25,1.75,2.25,0.75,0.25,0.25,1.0,3.25,0.25,0.75,0.25,1.0,0.5,4.25,0.25,1.75,3.5,0.5,3.0,2.25,0.25,0.5,3.0,0.75,0.25,0.75,0.5,0.25,0.75,1.25,0.75,1.75,0.25,1.25,1.25,0.25,0.25,0.5,1.5,0.75,0.25,0.25,2.0,1.0,7.5,0.25,0.25,0.75,5.5,0.25,1.25,2.0,1.75,0.5,1.75,2.5,2.0,2.25,0.25,0.25,0.75,0.25,5.25,0.25,1.25,1.5,1.0,3.0,0.5,0.25,0.25,0.5,0.25,1.25,4.75,1.75,0.5,3.5,2.0,1.25,0.5,0.25,5.25,0.25,1.0,0.5,0.5,0.25,0.25,0.5,6.5,0.25,0.75,1.0,0.25,0.25,0.5,1.75,1.25,0.25,0.25,1.5,0.25,1.75,0.25,1.25,0.75,0.25,1.5,1.25,0.75,2.0,0.25,1.0,0.5,0.25,2.0,0.25,0.5,0.25,0.5,0.25,2.75,1.75,4.0,0.25,3.0,1.75,2.5,0.25,0.5,0.25,0.25,0.75,2.25,0.5,1.0,0.25,3.75,1.75,14.75,0.75,0.25,0.25,1.0,2.25,1.0,0.25,1.25,1.0,1.0,1.0,0.25,1.25,0.5,5.25,2.25,0.5,0.5,0.25,0.25,3.0,1.25,2.25,1.5,2.5,3.25,2.0,0.5,4.0,0.25,0.25,0.5,0.25,0.25,2.75,0.25,0.25,4.25,2.0,3.75,1.75,0.25,0.75,0.25,0.5,0.75,2.0,1.75,0.75,3.75,2.5,1.5,2.0,2.5,0.25,0.5,2.0,0.25,0.75,1.0,2.5,0.25,0.25,0.25,0.75,1.0,2.5,2.75,1.0,7.25,0.5,0.75,1.5,3.0,2.25,13.5,2.25,0.25,1.0,0.25,2.5,1.0,1.0,0.75,1.5,0.75,2.5,7.75,0.25,3.5,0.25,0.5,1.25,0.25,0.75,0.25,1.75,1.5,0.25,1.5,0.25,1.0,1.5,0.5,0.5,0.5,3.25,3.0,0.25,0.75,0.25,1.0,1.25,6.25,4.25,2.5,5.75,2.5,1.75,0.75,0.25,0.75,2.0,2.25,0.25,0.25,2.25,0.25,5.0,0.75,0.25,6.25,0.25,2.75,0.5,1.0,0.25,0.5,0.25,3.25,0.25,2.25,1.75,0.5,0.5,0.25,2.75,0.25,1.0,1.75,0.5,0.75,0.75,0.75,1.0,0.25,0.5,0.25,0.25],\"parent\":[\"psychology\",\"sociology\",\"psychology\",\"psychology\",\"political_science\",\"psychology\",\"psychology\",\"sociology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"anthropology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"anthropology\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"psychology\",\"anthropology\",\"psychology\",\"anthropology\",\"anthropology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"economics\",\"psychology\",\"psychology\",\"political_science\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"anthropology\",\"political_science\",\"psychology\",\"anthropology\",\"anthropology\",\"anthropology\",\"psychology\",\"psychology\",\"political_science\",\"psychology\",\"psychology\",\"psychology\",\"economics\",\"psychology\",\"psychology\",\"economics\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"psychology\",\"psychology\",\"political_science\",\"psychology\",\"psychology\",\"anthropology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"anthropology\",\"anthropology\",\"political_science\",\"psychology\",\"anthropology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"political_science\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"psychology\",\"political_science\",\"psychology\",\"economics\",\"psychology\",\"sociology\",\"psychology\",\"psychology\",\"psychology\",\"anthropology\",\"political_science\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"sociology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"psychology\",\"psychology\",\"sociology\",\"psychology\",\"psychology\",\"psychology\",\"sociology\",\"sociology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"sociology\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"psychology\",\"psychology\",\"political_science\",\"economics\",\"psychology\",\"psychology\",\"psychology\",\"sociology\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"political_science\",\"psychology\",\"political_science\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"anthropology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"anthropology\",\"psychology\",\"political_science\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"psychology\",\"sociology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"psychology\",\"psychology\",\"political_science\",\"psychology\",\"anthropology\",\"anthropology\",\"psychology\",\"psychology\",\"anthropology\",\"psychology\",\"psychology\",\"economics\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"psychology\",\"sociology\",\"psychology\",\"anthropology\",\"psychology\",\"political_science\",\"psychology\",\"sociology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"political_science\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"sociology\",\"psychology\",\"psychology\",\"economics\",\"psychology\",\"economics\",\"psychology\",\"psychology\",\"political_science\",\"psychology\",\"economics\",\"psychology\",\"psychology\",\"anthropology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"sociology\",\"political_science\",\"psychology\",\"psychology\",\"psychology\",\"sociology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"sociology\",\"sociology\",\"psychology\",\"economics\",\"psychology\",\"political_science\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"anthropology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"political_science\",\"psychology\",\"psychology\",\"psychology\",\"psychology\",\"political_science\"]},\"selected\":{\"id\":\"5471\"},\"selection_policy\":{\"id\":\"5470\"}},\"id\":\"3713\",\"type\":\"ColumnDataSource\"},{\"attributes\":{\"text\":\"Community: 9\",\"text_font_size\":\"16pt\"},\"id\":\"3710\",\"type\":\"Title\"},{\"attributes\":{},\"id\":\"5422\",\"type\":\"BasicTickFormatter\"},{\"attributes\":{\"source\":{\"id\":\"3581\"}},\"id\":\"3583\",\"type\":\"CDSView\"},{\"attributes\":{\"data\":{\"end\":[\"psychometrics\",\"intelligence\",\"behavioral neuroscience\",\"outline of psychology\",\"music psychology\",\"gestalt theoretical psychotherapy\",\"gestaltzerfall\",\"pattern recognition (psychology)\",\"quantitative research\",\"harry harlow\",\"list of psychological schools\",\"timeline of psychology\",\"outline of thought\",\"field theory (psychology)\",\"kurt koffka medal\",\"paul ferdinand schilder\",\"behavior\",\"detection theory\",\"psychometrics\",\"nurturant parent model\",\"race and intelligence\",\"nations and iq\",\"taste (sociology)\",\"geography of antisemitism\",\"psychoanalytic theory\",\"transpersonal psychology\",\"intelligence\",\"shadow (psychology)\",\"schizotypy\",\"creativity and mental health\",\"sid parnes\",\"music psychology\",\"outline of thought\",\"sarnoff a. mednick\",\"major depressive disorder\",\"intelligence quotient\",\"mania\",\"preconscious\",\"ambidexterity\",\"collaboration\",\"creativity\",\"learning\",\"piaget's theory of cognitive development\",\"transliminality\",\"performance\",\"openness\",\"land management\",\"communications management\",\"collaboration\",\"managerialism\",\"control (management)\",\"psychoanalysis\",\"chaining\",\"hypnosis\",\"catharsis\",\"wakefulness\",\"cognitive intervention\",\"conversational model\",\"history of psychotherapy\",\"social cognition and interaction training\",\"british psychotherapy foundation\",\"eating disorder\",\"autogenic training\",\"awareness\",\"behaviour therapy\",\"defence mechanism\",\"psychometrics\",\"developmental psychology\",\"attachment parenting\",\"the establishment (pakistan)\",\"race and intelligence\",\"cognitive archaeology\",\"outline of psychology\",\"hierarchical organization\",\"homo faber\",\"cogito, ergo sum\",\"medical psychology\",\"psychoanalytic theory\",\"list of psychological research methods\",\"abnormal psychology\",\"cognitivism (psychology)\",\"transpersonal psychology\",\"self-awareness\",\"learning\",\"intelligence\",\"intelligence quotient\",\"behavioral neuroscience\",\"list of psychological schools\",\"repertory grid\",\"hereditarianism\",\"timeline of psychology\",\"general knowledge\",\"music psychology\",\"list of psychology organizations\",\"outline of thought\",\"occupational health psychology\",\"women-are-wonderful effect\",\"conditioned emotional response\",\"social cognition and interaction training\",\"swanson, nolan and pelham teacher and parent rating scale\",\"border outpost\",\"psychohistory\",\"hermann lotze\",\"quantitative psychological research\",\"harry harlow\",\"piaget's theory of cognitive development\",\"detection theory\",\"ernst mally\",\"flashback (psychology)\",\"david marks (psychologist)\",\"cat intelligence\",\"pattern recognition (psychology)\",\"superiority complex\",\"dark triad\",\"entitlement\",\"psychoanalysis\",\"chaining\",\"hypnosis\",\"catharsis\",\"conversational model\",\"history of psychotherapy\",\"social cognition and interaction training\",\"british psychotherapy foundation\",\"autogenic training\",\"eating disorder\",\"list of cognitive biases\",\"cognitive bias\",\"soul\",\"aion: researches into the phenomenology of the self\",\"civilization in transition\",\"shadow (psychology)\",\"british psychotherapy foundation\",\"answer to job\",\"alchemical studies\",\"marie-louise von franz\",\"altered states\",\"live free or die\",\"psychometrics\",\"outline of thought\",\"repeatability\",\"accuracy and precision\",\"reliability (statistics)\",\"little albert experiment\",\"aversives\",\"soul\",\"psychoanalysis\",\"mania\",\"postpartum confinement\",\"list of mental disorders\",\"altered state of consciousness\",\"creativity and mental health\",\"dsm-iv codes\",\"list of psychiatric medications by condition treated\",\"occupational health psychology\",\"bipolar i disorder\",\"seasonal affective disorder\",\"anhedonia\",\"dysthymia\",\"psychomotor retardation\",\"eating disorder\",\"auditory hallucination\",\"awareness\",\"psychometrics\",\"developmental psychology\",\"transpersonal psychology\",\"behavior\",\"psychoanalysis\",\"ecological psychology\",\"behavioral neuroscience\",\"abnormal psychology\",\"medical psychology\",\"music psychology\",\"occupational health psychology\",\"timeline of psychology\",\"timeline of psychotherapy\",\"list of psychological research methods\",\"list of mnemonics\",\"dsm-iv codes\",\"list of mental disorders\",\"outline of autism\",\"list of psychiatric medications\",\"list of psychiatric medications by condition treated\",\"list of credentials in psychology\",\"list of schools of psychoanalysis\",\"list of psychology organizations\",\"outline of thought\",\"anti-psychiatry\",\"psychoanalysis\",\"eating disorder\",\"hong kong college of psychiatrists\",\"psycho-oncology\",\"list of psychiatric medications by condition treated\",\"psychometrics\",\"behavioral neuroscience\",\"interpersonal neurobiology\",\"eating disorder\",\"just-noticeable difference\",\"quantitative research\",\"harry harlow\",\"psychometrics\",\"list of cognitive biases\",\"cognitive bias\",\"chiara bottici\",\"hypnosis\",\"psychonautics\",\"sleep and learning\",\"auditory hallucination\",\"anti-psychiatry\",\"histrionic personality disorder\",\"psychoanalysis\",\"mania\",\"anhedonia\",\"dysthymia\",\"bipolar i disorder\",\"eating disorder\",\"list of neurological conditions and disorders\",\"hong kong college of psychiatrists\",\"psycho-oncology\",\"the white goddess\",\"maceration (bone)\",\"forensic facial reconstruction\",\"classical test theory\",\"soul\",\"cogito, ergo sum\",\"hermann lotze\",\"reliability (statistics)\",\"altered state of consciousness\",\"timeline of psychotherapy\",\"timeline of psychology\",\"unipolar mania\",\"bipolar i disorder\",\"abnormal psychology\",\"mania\",\"anhedonia\",\"dysthymia\",\"seasonal affective disorder\",\"eating disorder\",\"psychomotor retardation\",\"auditory hallucination\",\"the emperor's new mind\",\"psychoanalysis\",\"preconscious\",\"id, ego and super-ego\",\"on narcissism\",\"freud's seduction theory\",\"journal of the american psychoanalytic association\",\"british psychotherapy foundation\",\"attachment parenting\",\"psychoanalysis\",\"timeline of psychology\",\"list of schools of psychoanalysis\",\"psychoanalytic theory\",\"harry harlow\",\"preconscious\",\"id, ego and super-ego\",\"ernest jones\",\"adlerian\",\"mortido\",\"british psychotherapy foundation\",\"defence mechanism\",\"ego integrity\",\"psychoanalysis\",\"the journal of politics\",\"psychoanalysis\",\"list of schools of psychoanalysis\",\"psychoanalytic theory\",\"necropolitics\",\"prohibition of dying\",\"preconscious\",\"id, ego and super-ego\",\"ernest jones\",\"adlerian\",\"mortido\",\"dsm-iv codes\",\"list of psychiatric medications by condition treated\",\"eating disorder\",\"list of neurological conditions and disorders\",\"hong kong college of psychiatrists\",\"psycho-oncology\",\"anti-psychiatry\",\"catharsis\",\"psychoanalysis\",\"chaining\",\"hypnosis\",\"self-hypnosis\",\"catharsis\",\"conversational model\",\"history of psychotherapy\",\"social cognition and interaction training\",\"british psychotherapy foundation\",\"menninger foundation\",\"live free or die\",\"soul\",\"anti-psychiatry\",\"medicalization\",\"passing on the right\",\"psychoanalysis\",\"timeline of psychology\",\"soul\",\"moralia\",\"psychometrics\",\"race and intelligence\",\"intelligence quotient\",\"learning\",\"seasonal affective disorder\",\"cabin fever\",\"soul\",\"aion: researches into the phenomenology of the self\",\"civilization in transition\",\"shadow (psychology)\",\"british psychotherapy foundation\",\"answer to job\",\"psychometrics\",\"behavioral neuroscience\",\"quantitative research\",\"harry harlow\",\"psychological evaluation\",\"psychoanalytic theory\",\"dsm-iv codes\",\"eating disorder\",\"dynamicism\",\"openness\",\"timeline of psychology\",\"cat intelligence\",\"developmental psychology\",\"european federation of psychologists' associations\",\"oskar pfister award\",\"spearman medal\",\"bps barbara wilson lifetime achievement award\",\"kurt koffka medal\",\"performance\",\"managerialism\",\"meta learning\",\"piaget's theory of cognitive development\",\"soul\",\"psychoanalysis\",\"metanoia (psychology)\",\"aion: researches into the phenomenology of the self\",\"international general medical society for psychotherapy\",\"answer to job\",\"psychometrics\",\"statistical inference\",\"opinion poll\",\"survey data collection\",\"psychometrics\",\"developmental psychology\",\"transpersonal psychology\",\"learning\",\"interpersonal neurobiology\",\"medical psychology\",\"psychoanalytic theory\",\"list of psychological research methods\",\"abnormal psychology\",\"cognitivism (psychology)\",\"models of abnormality\",\"quantitative research\",\"harry harlow\",\"list of psychological schools\",\"repertory grid\",\"music psychology\",\"list of psychology organizations\",\"occupational health psychology\",\"conditioned emotional response\",\"social cognition and interaction training\",\"swanson, nolan and pelham teacher and parent rating scale\",\"psychohistory\",\"eating disorder\",\"quantitative psychological research\",\"flashback (psychology)\",\"survey data collection\",\"openness\",\"open-mindedness\",\"psychoanalysis\",\"abnormal psychology\",\"chaining\",\"self-hypnosis\",\"catharsis\",\"subconscious\",\"psychonautics\",\"hypnosis\",\"altered state of consciousness\",\"sybil (schreiber book)\",\"outline of thought\",\"d\\u00e9j\\u00e0 vu\",\"sleep and learning\",\"alter ego\",\"flow (psychology)\",\"slain in the spirit\",\"hypnodermatology\",\"alter ego\",\"psychometrics\",\"quantitative research\",\"harry harlow\",\"psychometrics\",\"european federation of psychologists' associations\",\"national association of school psychologists\",\"quantitative research\",\"harry harlow\",\"anti-psychiatry\",\"medicalization\",\"radical psychology network\",\"mindfreedom international\",\"crazy therapies\",\"mad pride\",\"sascha altman dubrul\",\"psychonautics\",\"world values survey\",\"comparative study of electoral systems\",\"opinion poll\",\"coverage error\",\"total survey error\",\"survey data collection\",\"afrobarometer\",\"anti-psychiatry\",\"psychoanalysis\",\"dsm-iv codes\",\"list of psychiatric medications by condition treated\",\"eating disorder\",\"list of neurological conditions and disorders\",\"psychological evaluation\",\"psychometrics\",\"occupational health psychology\",\"quantitative psychological research\",\"quantitative research\",\"harry harlow\",\"anti-psychiatry\",\"psychoanalysis\",\"dysthymia\",\"eating disorder\",\"psychoanalysis\",\"necropolitics\",\"prohibition of dying\",\"persistent vegetative state\",\"attachment parenting\",\"soul\",\"psychoanalysis\",\"list of schools of psychoanalysis\",\"chaining\",\"psychoanalytic theory\",\"aion: researches into the phenomenology of the self\",\"harry harlow\",\"preconscious\",\"id, ego and super-ego\",\"ernest jones\",\"adlerian\",\"on narcissism\",\"answer to job\",\"soul\",\"cognitive bias\",\"on narcissism\",\"dark triad\",\"entitlement\",\"psychometrics\",\"scale analysis (statistics)\",\"psychological statistics\",\"reliability (statistics)\",\"guttman scale\",\"dysthymia\",\"seasonal affective disorder\",\"psychometrics\",\"learning\",\"performance\",\"music psychology\",\"quantitative research\",\"harry harlow\",\"time series\",\"psychometrics\",\"world values survey\",\"opinion poll\",\"public opinion quarterly\",\"blank expression\",\"list of rugrats characters\",\"poker\",\"flow (psychology)\",\"psychoanalysis\",\"list of schools of psychoanalysis\",\"psychoanalytic theory\",\"sleep and learning\",\"shadow (psychology)\",\"subconscious\",\"id, ego and super-ego\",\"helene deutsch\",\"on narcissism\",\"outline of thought\",\"freud's seduction theory\",\"ernest jones\",\"defence mechanism\",\"adlerian\",\"soul\",\"timeline of psychology\",\"cogito, ergo sum\",\"hermann lotze\",\"anhedonia\",\"psychological resistance\",\"world values survey\",\"coverage error\",\"psychometrics\",\"statistical inference\",\"comparative study of electoral systems\",\"roper center for public opinion research\",\"afrobarometer\",\"total survey error\",\"survey data collection\",\"ipm (software)\",\"time series\",\"psychometrics\",\"quantitative research\",\"harry harlow\",\"performance\",\"communications management\",\"control (management)\",\"outline of thought\",\"time series\",\"anti-psychiatry\",\"behavior\",\"psychoanalysis\",\"dsm-iv codes\",\"dysthymia\",\"list of neurological conditions and disorders\",\"eating disorder\",\"seasonal affective disorder\",\"collective memory\",\"psychoanalysis\",\"the white goddess\",\"jacqueline rose\",\"developmental psychology\",\"self-assessment\",\"list of cognitive biases\",\"cognitive bias\",\"psychometrics\",\"timeline of psychology\",\"psychometrics\",\"strict father model\",\"nurturant parent model\",\"interpersonal neurobiology\",\"ecological psychology\",\"barbara rogoff\",\"piaget's theory of cognitive development\",\"learning\",\"naturalistic observation\",\"crying\",\"developmental psychology\",\"quantitative research\",\"harry harlow\",\"list of psychological schools\",\"specialist in psychology\",\"child behavior checklist\",\"relational developmental systems\",\"kurt koffka medal\",\"attachment parenting\",\"ego integrity\",\"psychometrics\",\"timeline of psychology\",\"cognitive bias\",\"james\\u2013lange theory\",\"attachment parenting\",\"crying\",\"behavior\",\"psychometrics\",\"intelligence quotient\",\"psychoanalysis\",\"list of schools of psychoanalysis\",\"psychoanalytic theory\",\"id, ego and super-ego\",\"ernest jones\",\"adlerian\",\"soul\",\"subconscious\",\"awareness\",\"altered state of consciousness\",\"the emperor's new mind\",\"scale analysis (statistics)\",\"awareness\",\"coma\",\"altered state of consciousness\",\"wakefulness\",\"psychoanalysis\",\"on narcissism\",\"dark triad\",\"entitlement\",\"psychoanalysis\",\"on narcissism\",\"the freudian coverup\",\"psychometrics\",\"applied psychological measurement\",\"behavior\",\"persistent vegetative state\",\"necropolitics\",\"prohibition of dying\",\"openness\",\"on narcissism\",\"anti-psychiatry\",\"list of cognitive biases\",\"cognitive bias\",\"anti-psychiatry\",\"medicalization\",\"psychoanalytic theory\",\"mad pride\",\"mindfreedom international\",\"crazy therapies\",\"sascha altman dubrul\",\"taste (sociology)\",\"psychoanalytic theory\",\"behavior\",\"anti-psychiatry\",\"medicalization\",\"psychoanalytic theory\",\"mad pride\",\"mindfreedom international\",\"crazy therapies\",\"public opinion quarterly\",\"race and intelligence\",\"collective memory\",\"flashback (psychology)\",\"time series\",\"strict father model\",\"nurturant parent model\",\"psychohistory\",\"psychoanalysis\",\"eustress\",\"harry harlow\",\"anti-psychiatry\",\"psychoanalysis\",\"coma\",\"psychoanalysis\",\"list of schools of psychoanalysis\",\"psychoanalytic theory\",\"alter ego\",\"shadow (psychology)\",\"ernest jones\",\"adlerian\",\"on narcissism\",\"life and how to survive it\",\"defence mechanism\",\"alter ego\",\"soul\",\"psychoanalysis\",\"metanoia (psychology)\",\"shadow (psychology)\",\"international general medical society for psychotherapy\",\"answer to job\",\"aion: researches into the phenomenology of the self\",\"psychometrics\",\"collective memory\",\"quantitative research\",\"harry harlow\",\"psychometrics\",\"psychoanalysis\",\"chaining\",\"quantitative research\",\"harry harlow\",\"vocabulary development\",\"anhedonia\",\"transliminality\",\"world values survey\",\"coverage error\",\"psychometrics\",\"statistical inference\",\"afrobarometer\",\"comparative study of electoral systems\",\"public opinion quarterly\",\"psychoanalysis\",\"cognitivism (psychology)\",\"dynamicism\",\"learning\",\"soul\",\"persistent vegetative state\",\"self-awareness\",\"altered state of consciousness\",\"outline of thought\",\"sustainable development goal 12\",\"coma\",\"awareness\",\"flow (psychology)\",\"hierarchical organization\",\"communications management\",\"control (management)\",\"world values survey\",\"comparative study of electoral systems\",\"race and intelligence\",\"interpersonal neurobiology\",\"survey data collection\",\"quantitative research\",\"medical psychology\",\"psychometrics\",\"intelligence quotient\",\"learning\",\"harry harlow\",\"statistical inference\",\"psychoanalytic theory\",\"abnormal psychology\",\"id\\u00e9e fixe (psychology)\",\"cognitivism (psychology)\",\"transpersonal psychology\",\"list of psychological schools\",\"timeline of psychology\",\"conditioned emotional response\",\"swanson, nolan and pelham teacher and parent rating scale\",\"psychoinformatics\",\"afrobarometer\",\"time series\",\"collective memory\",\"psychohistory\",\"cognitive bias\",\"reliability (statistics)\",\"quantitative psychological research\",\"models of abnormality\",\"ego integrity\",\"categorical perception\",\"headhunting\",\"bicameral mentality\",\"creativity and mental health\",\"laterality\",\"behavior\",\"altered state of consciousness\",\"outline of thought\",\"subconscious\",\"sleep-learning\",\"altered state of consciousness\",\"anti-psychiatry\",\"timeline of psychology\",\"ernest jones\",\"persistent vegetative state\",\"max scheler\",\"homo faber\",\"race and intelligence\",\"hereditarianism\",\"afrobarometer\",\"learning\",\"sleep-learning\",\"bicameral mentality\",\"hierarchical organization\",\"soul\",\"abnormal psychology\",\"altered state of consciousness\",\"ecological psychology\",\"outline of thought\",\"reasoned action approach\",\"communications management\",\"cognitive bias\",\"behavior\",\"aversives\",\"cat intelligence\",\"auditory hallucination\",\"persistent vegetative state\",\"altered state of consciousness\",\"obtundation\",\"coma\",\"sopor (sleep)\",\"scale analysis (statistics)\",\"anti-psychiatry\",\"transpersonal psychology\",\"psychoanalysis\",\"ecological psychology\",\"quantitative research\",\"psychohistory\",\"harry harlow\",\"psychoanalysis\",\"chaining\",\"world values survey\",\"coverage error\",\"statistical inference\",\"afrobarometer\",\"survey data collection\",\"reliability (statistics)\",\"psychoanalysis\",\"egosyntonic and egodystonic\",\"psychoanalysis\",\"list of schools of psychoanalysis\",\"shadow (psychology)\",\"ernest jones\",\"adlerian\",\"defence mechanism\",\"obtundation\",\"sopor (sleep)\",\"list of cycles\",\"self-hypnosis\",\"altered state of consciousness\",\"learning\",\"list of cognitive biases\",\"self-awareness\",\"cognitive bias\",\"feeling good: the new mood therapy\",\"vocabulary development\",\"ecological psychology\",\"chaining\",\"openness\",\"psychoanalysis\",\"list of schools of psychoanalysis\",\"list of cognitive biases\",\"psychoanalytic theory\",\"ernest jones\",\"psychological resistance\",\"public opinion quarterly\",\"transpersonal psychology\",\"learning\",\"soul\",\"self-awareness\",\"psychonautics\",\"the emperor's new mind\",\"openness\",\"fiscal transparency\",\"psychoanalysis\",\"list of schools of psychoanalysis\",\"psychoanalytic theory\",\"shadow (psychology)\",\"ernest jones\",\"anhedonia\",\"dysthymia\",\"seasonal affective disorder\",\"timeline of psychology\",\"conditioned emotional response\",\"anti-psychiatry\",\"medicalization\",\"psychoanalytic theory\",\"mad pride\",\"crazy therapies\",\"soul\",\"shadow (psychology)\",\"psychoanalysis\",\"psychoanalytic theory\",\"models of abnormality\",\"seasonal affective disorder\",\"quantitative research\",\"harry harlow\",\"history of psychotherapy\",\"egosyntonic and egodystonic\",\"pseudodysphagia\",\"world values survey\",\"coverage error\",\"statistical inference\",\"afrobarometer\",\"quantitative research\",\"harry harlow\",\"probability matching\",\"cognitive bias\",\"world values survey\",\"coverage error\",\"statistical inference\",\"outline of autism\",\"intelligence quotient\",\"learning\",\"intelligence quotient\",\"obtundation\",\"max scheler\",\"cogito, ergo sum\",\"anhedonia\",\"bipolar i disorder\",\"seasonal affective disorder\",\"chaining\",\"self-awareness\",\"psychohistory\",\"coverage error\",\"statistical inference\",\"bipolar i disorder\",\"anhedonia\",\"seasonal affective disorder\",\"anti-psychiatry\",\"psychoanalysis\",\"list of schools of psychoanalysis\",\"quantitative research\",\"medicalization\",\"psychoanalytic theory\",\"harry harlow\",\"shadow (psychology)\",\"crazy therapies\",\"mad pride\",\"soul\",\"psychoanalysis\",\"learning\",\"requisite organization\",\"matrix management\",\"psychoanalysis\",\"catharsis\",\"history of psychotherapy\",\"anti-psychiatry\",\"mad pride\",\"crazy therapies\",\"anti-psychiatry\",\"transpersonal psychology\",\"list of schools of psychoanalysis\",\"psychoanalysis\",\"catharsis\",\"information metabolism\",\"shadow (psychology)\",\"dsm-iv codes\",\"timeline of psychology\",\"history of psychotherapy\",\"feeling good: the new mood therapy\",\"psychohistory\",\"psychological resistance\",\"quantitative research\",\"harry harlow\",\"bipolar i disorder\",\"strict father model\",\"cognitive archaeology\",\"soul\",\"joint attention\",\"cogito, ergo sum\",\"self-awareness\",\"transpersonal psychology\",\"medical psychology\",\"timeline of psychology\",\"quantitative research\",\"cognitivism (psychology)\",\"swanson, nolan and pelham teacher and parent rating scale\",\"quantitative psychological research\",\"harry harlow\",\"shadow (psychology)\",\"menninger foundation\",\"learning\",\"frieda fromm-reichmann\",\"tortured artist\",\"time series\",\"time series\",\"transpersonal psychology\",\"quantitative research\",\"soul\",\"soul\",\"time series\",\"quantitative research\",\"soul\",\"quantitative research\",\"timeline of psychology\",\"obtundation\",\"dsm-iv codes\",\"timeline of psychology\",\"learning\",\"mad pride\",\"anti-psychiatry\",\"crazy therapies\",\"intelligence quotient\",\"learning\",\"soul\",\"crazy therapies\",\"mad pride\",\"quantitative research\",\"eustress\",\"learning\",\"quantitative research\",\"cognitivism (psychology)\",\"bipolar i disorder\",\"kurt koffka medal\",\"learning\",\"d\\u00e9j\\u00e0 vu\",\"swanson, nolan and pelham teacher and parent rating scale\",\"statistical inference\",\"time series\",\"vocabulary development\",\"id\\u00e9e fixe (psychology)\",\"cognitive bias\",\"catharsis\",\"statistical inference\",\"swanson, nolan and pelham teacher and parent rating scale\"],\"start\":[\"gestalt psychology\",\"gestalt psychology\",\"gestalt psychology\",\"gestalt psychology\",\"gestalt psychology\",\"gestalt psychology\",\"gestalt psychology\",\"gestalt psychology\",\"gestalt psychology\",\"gestalt psychology\",\"gestalt psychology\",\"gestalt psychology\",\"gestalt psychology\",\"gestalt psychology\",\"gestalt psychology\",\"gestalt psychology\",\"substitutes for leadership theory\",\"sensory threshold\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"creativity\",\"collaboration\",\"collaboration\",\"collaboration\",\"collaboration\",\"collaboration\",\"collaboration\",\"collaboration\",\"acceptance and commitment therapy\",\"acceptance and commitment therapy\",\"acceptance and commitment therapy\",\"acceptance and commitment therapy\",\"acceptance and commitment therapy\",\"acceptance and commitment therapy\",\"acceptance and commitment therapy\",\"acceptance and commitment therapy\",\"acceptance and commitment therapy\",\"acceptance and commitment therapy\",\"acceptance and commitment therapy\",\"acceptance and commitment therapy\",\"acceptance and commitment therapy\",\"acceptance and commitment therapy\",\"acceptance and commitment therapy\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"intelligence\",\"the culture of narcissism\",\"the culture of narcissism\",\"the culture of narcissism\",\"behaviour therapy\",\"behaviour therapy\",\"behaviour therapy\",\"behaviour therapy\",\"behaviour therapy\",\"behaviour therapy\",\"behaviour therapy\",\"behaviour therapy\",\"behaviour therapy\",\"disordered eating\",\"proportionality bias\",\"proportionality bias\",\"marie-louise von franz\",\"marie-louise von franz\",\"marie-louise von franz\",\"marie-louise von franz\",\"marie-louise von franz\",\"marie-louise von franz\",\"marie-louise von franz\",\"marie-louise von franz\",\"taboo (2002 tv series)\",\"taboo (2002 tv series)\",\"accuracy and precision\",\"accuracy and precision\",\"accuracy and precision\",\"accuracy and precision\",\"accuracy and precision\",\"neutral stimulus\",\"neutral stimulus\",\"major depressive disorder\",\"major depressive disorder\",\"major depressive disorder\",\"major depressive disorder\",\"major depressive disorder\",\"major depressive disorder\",\"major depressive disorder\",\"major depressive disorder\",\"major depressive disorder\",\"major depressive disorder\",\"major depressive disorder\",\"major depressive disorder\",\"major depressive disorder\",\"major depressive disorder\",\"major depressive disorder\",\"major depressive disorder\",\"major depressive disorder\",\"obliviousness\",\"outline of psychology\",\"outline of psychology\",\"outline of psychology\",\"outline of psychology\",\"outline of psychology\",\"outline of psychology\",\"outline of psychology\",\"outline of psychology\",\"outline of psychology\",\"outline of psychology\",\"outline of psychology\",\"outline of psychology\",\"outline of psychology\",\"outline of psychology\",\"outline of psychology\",\"outline of psychology\",\"outline of psychology\",\"outline of psychology\",\"outline of psychology\",\"outline of psychology\",\"outline of psychology\",\"outline of psychology\",\"outline of psychology\",\"outline of psychology\",\"list of psychiatric medications\",\"list of psychiatric medications\",\"list of psychiatric medications\",\"list of psychiatric medications\",\"list of psychiatric medications\",\"list of psychiatric medications\",\"detection theory\",\"detection theory\",\"detection theory\",\"detection theory\",\"detection theory\",\"detection theory\",\"detection theory\",\"trait ascription bias\",\"trait ascription bias\",\"trait ascription bias\",\"domestic analogy\",\"hypnopompic\",\"hypnopompic\",\"hypnopompic\",\"hypnopompic\",\"list of mental disorders\",\"list of mental disorders\",\"list of mental disorders\",\"list of mental disorders\",\"list of mental disorders\",\"list of mental disorders\",\"list of mental disorders\",\"list of mental disorders\",\"list of mental disorders\",\"list of mental disorders\",\"list of mental disorders\",\"the witch-cult in western europe\",\"forensic facial reconstruction\",\"forensic facial reconstruction\",\"sequential probability ratio test\",\"ernst mally\",\"ernst mally\",\"ernst mally\",\"repeatability\",\"mania\",\"mania\",\"mania\",\"mania\",\"mania\",\"mania\",\"mania\",\"mania\",\"mania\",\"mania\",\"mania\",\"mania\",\"mania\",\"black hole bomb\",\"mourning and melancholia\",\"mourning and melancholia\",\"mourning and melancholia\",\"mourning and melancholia\",\"mourning and melancholia\",\"mourning and melancholia\",\"mourning and melancholia\",\"object relations theory\",\"object relations theory\",\"object relations theory\",\"object relations theory\",\"object relations theory\",\"object relations theory\",\"object relations theory\",\"object relations theory\",\"object relations theory\",\"object relations theory\",\"object relations theory\",\"object relations theory\",\"object relations theory\",\"object relations theory\",\"making peace\",\"making peace\",\"mortido\",\"mortido\",\"mortido\",\"mortido\",\"mortido\",\"mortido\",\"mortido\",\"mortido\",\"mortido\",\"mortido\",\"psycho-oncology\",\"psycho-oncology\",\"psycho-oncology\",\"psycho-oncology\",\"psycho-oncology\",\"psycho-oncology\",\"harvey jackins\",\"harvey jackins\",\"autogenic training\",\"autogenic training\",\"autogenic training\",\"autogenic training\",\"autogenic training\",\"autogenic training\",\"autogenic training\",\"autogenic training\",\"autogenic training\",\"autogenic training\",\"live free or die\",\"gotai\",\"the independent review\",\"the independent review\",\"the independent review\",\"journal of the american psychoanalytic association\",\"gay, straight, and the reason why\",\"moralia\",\"moralia\",\"nations and iq\",\"nations and iq\",\"nations and iq\",\"nations and iq\",\"cabin fever\",\"cabin fever\",\"alchemical studies\",\"alchemical studies\",\"alchemical studies\",\"alchemical studies\",\"alchemical studies\",\"alchemical studies\",\"women-are-wonderful effect\",\"women-are-wonderful effect\",\"women-are-wonderful effect\",\"women-are-wonderful effect\",\"histrionic personality disorder\",\"histrionic personality disorder\",\"histrionic personality disorder\",\"histrionic personality disorder\",\"post-cognitivist psychology\",\"open music model\",\"law of effect\",\"law of effect\",\"list of psychology awards\",\"list of psychology awards\",\"list of psychology awards\",\"list of psychology awards\",\"list of psychology awards\",\"list of psychology awards\",\"land management\",\"land management\",\"mentalization\",\"imaginary audience\",\"civilization in transition\",\"civilization in transition\",\"civilization in transition\",\"civilization in transition\",\"civilization in transition\",\"civilization in transition\",\"data collection system\",\"data collection system\",\"data collection system\",\"data collection system\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"behavioral neuroscience\",\"paid survey\",\"open-mindedness\",\"open-mindedness\",\"hypnosis\",\"hypnosis\",\"hypnosis\",\"hypnosis\",\"hypnosis\",\"hypnosis\",\"hypnosis\",\"hypnosis\",\"hypnosis\",\"hypnosis\",\"hypnosis\",\"hypnosis\",\"hypnosis\",\"hypnosis\",\"hypnosis\",\"hypnosis\",\"hypnosis\",\"lila: an inquiry into morals\",\"repertory grid\",\"repertory grid\",\"repertory grid\",\"list of psychology organizations\",\"list of psychology organizations\",\"list of psychology organizations\",\"list of psychology organizations\",\"list of psychology organizations\",\"american association for the abolition of involuntary mental hospitalization\",\"american association for the abolition of involuntary mental hospitalization\",\"american association for the abolition of involuntary mental hospitalization\",\"american association for the abolition of involuntary mental hospitalization\",\"american association for the abolition of involuntary mental hospitalization\",\"american association for the abolition of involuntary mental hospitalization\",\"american association for the abolition of involuntary mental hospitalization\",\"altered states\",\"non-sampling error\",\"non-sampling error\",\"non-sampling error\",\"non-sampling error\",\"non-sampling error\",\"non-sampling error\",\"non-sampling error\",\"hong kong college of psychiatrists\",\"hong kong college of psychiatrists\",\"hong kong college of psychiatrists\",\"hong kong college of psychiatrists\",\"hong kong college of psychiatrists\",\"hong kong college of psychiatrists\",\"hong kong college of psychiatrists\",\"list of psychological research methods\",\"list of psychological research methods\",\"list of psychological research methods\",\"list of psychological research methods\",\"list of psychological research methods\",\"list of psychiatric medications by condition treated\",\"list of psychiatric medications by condition treated\",\"list of psychiatric medications by condition treated\",\"list of psychiatric medications by condition treated\",\"martti olavi siirala\",\"maceration (bone)\",\"maceration (bone)\",\"public opinion and activism in the terri schiavo case\",\"british psychotherapy foundation\",\"british psychotherapy foundation\",\"british psychotherapy foundation\",\"british psychotherapy foundation\",\"british psychotherapy foundation\",\"british psychotherapy foundation\",\"british psychotherapy foundation\",\"british psychotherapy foundation\",\"british psychotherapy foundation\",\"british psychotherapy foundation\",\"british psychotherapy foundation\",\"british psychotherapy foundation\",\"british psychotherapy foundation\",\"british psychotherapy foundation\",\"mars needs moms\",\"superiority complex\",\"superiority complex\",\"superiority complex\",\"superiority complex\",\"classical test theory\",\"classical test theory\",\"classical test theory\",\"classical test theory\",\"classical test theory\",\"psychomotor retardation\",\"psychomotor retardation\",\"music psychology\",\"music psychology\",\"music psychology\",\"music psychology\",\"music psychology\",\"music psychology\",\"meta learning\",\"paradoxical intention\",\"values modes\",\"archibald crossley\",\"archibald crossley\",\"poker\",\"poker\",\"poker\",\"poker\",\"preconscious\",\"preconscious\",\"preconscious\",\"preconscious\",\"preconscious\",\"preconscious\",\"preconscious\",\"preconscious\",\"preconscious\",\"preconscious\",\"preconscious\",\"preconscious\",\"preconscious\",\"preconscious\",\"hermann lotze\",\"hermann lotze\",\"hermann lotze\",\"hermann lotze\",\"motivational salience\",\"motivational salience\",\"opinion poll\",\"opinion poll\",\"opinion poll\",\"opinion poll\",\"opinion poll\",\"opinion poll\",\"opinion poll\",\"opinion poll\",\"opinion poll\",\"opinion poll\",\"opinion poll\",\"occupational health psychology\",\"occupational health psychology\",\"occupational health psychology\",\"managerialism\",\"managerialism\",\"managerialism\",\"list of mnemonics\",\"unevenly spaced time series\",\"eating disorder\",\"eating disorder\",\"eating disorder\",\"eating disorder\",\"eating disorder\",\"eating disorder\",\"eating disorder\",\"eating disorder\",\"memory space (social science)\",\"jacqueline rose\",\"jacqueline rose\",\"jacqueline rose\",\"sociometric status\",\"sociometric status\",\"normalcy bias\",\"normalcy bias\",\"verbal behavior\",\"verbal behavior\",\"developmental psychology\",\"developmental psychology\",\"developmental psychology\",\"developmental psychology\",\"developmental psychology\",\"developmental psychology\",\"developmental psychology\",\"developmental psychology\",\"developmental psychology\",\"developmental psychology\",\"developmental psychology\",\"developmental psychology\",\"developmental psychology\",\"developmental psychology\",\"developmental psychology\",\"developmental psychology\",\"developmental psychology\",\"developmental psychology\",\"developmental psychology\",\"developmental psychology\",\"jenkins activity survey\",\"two-factor theory of emotion\",\"two-factor theory of emotion\",\"two-factor theory of emotion\",\"crying\",\"crying\",\"life-process model of addiction\",\"index of psychometrics articles\",\"index of psychometrics articles\",\"helene deutsch\",\"helene deutsch\",\"helene deutsch\",\"helene deutsch\",\"helene deutsch\",\"helene deutsch\",\"global workspace theory\",\"global workspace theory\",\"global workspace theory\",\"global workspace theory\",\"global workspace theory\",\"nominate (scaling method)\",\"wakefulness\",\"wakefulness\",\"wakefulness\",\"wakefulness\",\"entitlement\",\"entitlement\",\"entitlement\",\"entitlement\",\"freud's seduction theory\",\"freud's seduction theory\",\"freud's seduction theory\",\"psychological statistics\",\"psychological statistics\",\"demonstration effect\",\"necropolitics\",\"necropolitics\",\"necropolitics\",\"dark triad\",\"dark triad\",\"law of the instrument\",\"law of the instrument\",\"law of the instrument\",\"radical psychology network\",\"radical psychology network\",\"radical psychology network\",\"radical psychology network\",\"radical psychology network\",\"radical psychology network\",\"radical psychology network\",\"taste (sociology)\",\"taste (sociology)\",\"character computing\",\"sascha altman dubrul\",\"sascha altman dubrul\",\"sascha altman dubrul\",\"sascha altman dubrul\",\"sascha altman dubrul\",\"sascha altman dubrul\",\"interviewer effect\",\"david marks (psychologist)\",\"politics of memory\",\"politics of memory\",\"lag operator\",\"attachment parenting\",\"attachment parenting\",\"attachment parenting\",\"attachment parenting\",\"attachment parenting\",\"attachment parenting\",\"list of neurological conditions and disorders\",\"list of neurological conditions and disorders\",\"list of neurological conditions and disorders\",\"id, ego and super-ego\",\"id, ego and super-ego\",\"id, ego and super-ego\",\"id, ego and super-ego\",\"id, ego and super-ego\",\"id, ego and super-ego\",\"id, ego and super-ego\",\"id, ego and super-ego\",\"id, ego and super-ego\",\"id, ego and super-ego\",\"eugen relgis\",\"aion: researches into the phenomenology of the self\",\"aion: researches into the phenomenology of the self\",\"aion: researches into the phenomenology of the self\",\"aion: researches into the phenomenology of the self\",\"aion: researches into the phenomenology of the self\",\"aion: researches into the phenomenology of the self\",\"aion: researches into the phenomenology of the self\",\"flashback (psychology)\",\"flashback (psychology)\",\"flashback (psychology)\",\"flashback (psychology)\",\"social cognition and interaction training\",\"social cognition and interaction training\",\"social cognition and interaction training\",\"social cognition and interaction training\",\"social cognition and interaction training\",\"general knowledge\",\"schizotypy\",\"schizotypy\",\"total survey error\",\"total survey error\",\"total survey error\",\"total survey error\",\"total survey error\",\"total survey error\",\"total survey error\",\"chiara bottici\",\"dynamicism\",\"dynamicism\",\"awareness\",\"awareness\",\"awareness\",\"awareness\",\"awareness\",\"awareness\",\"awareness\",\"awareness\",\"awareness\",\"awareness\",\"performance\",\"performance\",\"performance\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"psychometrics\",\"pattern recognition (psychology)\",\"shrunken head\",\"ambidexterity\",\"ambidexterity\",\"ambidexterity\",\"subconscious\",\"subconscious\",\"subconscious\",\"subconscious\",\"subconscious\",\"flow (psychology)\",\"timeline of psychotherapy\",\"timeline of psychotherapy\",\"timeline of psychotherapy\",\"prohibition of dying\",\"homo faber\",\"homo faber\",\"hereditarianism\",\"hereditarianism\",\"latin american public opinion project\",\"sleep and learning\",\"sleep and learning\",\"laterality\",\"behavior\",\"behavior\",\"behavior\",\"behavior\",\"behavior\",\"behavior\",\"behavior\",\"behavior\",\"behavior\",\"behavior\",\"behavior\",\"behavior\",\"behavior\",\"coma\",\"coma\",\"coma\",\"coma\",\"coma\",\"guttman scale\",\"list of psychological schools\",\"list of psychological schools\",\"list of psychological schools\",\"list of psychological schools\",\"list of psychological schools\",\"list of psychological schools\",\"list of psychological schools\",\"conversational model\",\"conversational model\",\"comparative study of electoral systems\",\"comparative study of electoral systems\",\"comparative study of electoral systems\",\"comparative study of electoral systems\",\"comparative study of electoral systems\",\"reliability (statistics)\",\"on narcissism\",\"on narcissism\",\"adlerian\",\"adlerian\",\"adlerian\",\"adlerian\",\"adlerian\",\"adlerian\",\"persistent vegetative state\",\"persistent vegetative state\",\"persistent vegetative state\",\"gnosis (chaos magic)\",\"gnosis (chaos magic)\",\"outline of thought\",\"outline of thought\",\"outline of thought\",\"outline of thought\",\"outline of thought\",\"comprehension approach\",\"task analysis\",\"task analysis\",\"core self-evaluations\",\"defence mechanism\",\"defence mechanism\",\"defence mechanism\",\"defence mechanism\",\"defence mechanism\",\"defence mechanism\",\"international journal of public opinion research\",\"altered state of consciousness\",\"altered state of consciousness\",\"altered state of consciousness\",\"altered state of consciousness\",\"altered state of consciousness\",\"altered state of consciousness\",\"openness\",\"openness\",\"ernest jones\",\"ernest jones\",\"ernest jones\",\"ernest jones\",\"ernest jones\",\"auditory hallucination\",\"auditory hallucination\",\"auditory hallucination\",\"little albert experiment\",\"little albert experiment\",\"mindfreedom international\",\"mindfreedom international\",\"mindfreedom international\",\"mindfreedom international\",\"mindfreedom international\",\"answer to job\",\"answer to job\",\"psychological evaluation\",\"abnormal psychology\",\"abnormal psychology\",\"abnormal psychology\",\"abnormal psychology\",\"abnormal psychology\",\"abnormal psychology\",\"abnormal psychology\",\"abnormal psychology\",\"survey data collection\",\"survey data collection\",\"survey data collection\",\"survey data collection\",\"conditioned emotional response\",\"conditioned emotional response\",\"list of cognitive biases\",\"list of cognitive biases\",\"afrobarometer\",\"afrobarometer\",\"afrobarometer\",\"nobody nowhere\",\"race and intelligence\",\"race and intelligence\",\"multidimensional aptitude battery ii\",\"sopor (sleep)\",\"max scheler\",\"max scheler\",\"dysthymia\",\"dysthymia\",\"dysthymia\",\"volume index\",\"bicameral mentality\",\"bicameral mentality\",\"world values survey\",\"world values survey\",\"anhedonia\",\"anhedonia\",\"anhedonia\",\"psychoanalytic theory\",\"psychoanalytic theory\",\"psychoanalytic theory\",\"psychoanalytic theory\",\"psychoanalytic theory\",\"psychoanalytic theory\",\"psychoanalytic theory\",\"psychoanalytic theory\",\"psychoanalytic theory\",\"psychoanalytic theory\",\"headhunting\",\"egosyntonic and egodystonic\",\"hierarchical organization\",\"hierarchical organization\",\"hierarchical organization\",\"chaining\",\"chaining\",\"chaining\",\"medicalization\",\"medicalization\",\"medicalization\",\"psychoanalysis\",\"psychoanalysis\",\"psychoanalysis\",\"psychoanalysis\",\"psychoanalysis\",\"psychoanalysis\",\"psychoanalysis\",\"psychoanalysis\",\"psychoanalysis\",\"psychoanalysis\",\"psychoanalysis\",\"psychoanalysis\",\"psychoanalysis\",\"psychohistory\",\"psychohistory\",\"seasonal affective disorder\",\"nurturant parent model\",\"ecological psychology\",\"self-awareness\",\"self-awareness\",\"self-awareness\",\"self-awareness\",\"harry harlow\",\"harry harlow\",\"harry harlow\",\"harry harlow\",\"harry harlow\",\"harry harlow\",\"harry harlow\",\"harry harlow\",\"list of schools of psychoanalysis\",\"list of schools of psychoanalysis\",\"categorical perception\",\"creativity and mental health\",\"creativity and mental health\",\"analysis of rhythmic variance\",\"time warp edit distance\",\"history of psychotherapy\",\"quantitative psychological research\",\"marcellina (gnostic)\",\"cogito, ergo sum\",\"secular variation\",\"medical psychology\",\"shadow (psychology)\",\"transpersonal psychology\",\"transpersonal psychology\",\"obtundation\",\"anti-psychiatry\",\"anti-psychiatry\",\"anti-psychiatry\",\"anti-psychiatry\",\"anti-psychiatry\",\"anti-psychiatry\",\"intelligence quotient\",\"intelligence quotient\",\"soul\",\"mad pride\",\"mad pride\",\"british polling council\",\"eustress\",\"cognitivism (psychology)\",\"cognitivism (psychology)\",\"cognitivism (psychology)\",\"dsm-iv codes\",\"learning\",\"learning\",\"d\\u00e9j\\u00e0 vu\",\"quantitative research\",\"time series\",\"time series\",\"joint attention\",\"cognitive bias\",\"cognitive bias\",\"catharsis\",\"statistical inference\",\"swanson, nolan and pelham teacher and parent rating scale\"]},\"selected\":{\"id\":\"5469\"},\"selection_policy\":{\"id\":\"5468\"}},\"id\":\"3717\",\"type\":\"ColumnDataSource\"},{\"attributes\":{},\"id\":\"5424\",\"type\":\"AllLabels\"},{\"attributes\":{},\"id\":\"3700\",\"type\":\"SaveTool\"},{\"attributes\":{\"text\":\"['social', 'class', 'poverty', 'sociology', 'serer']\",\"text_font_style\":\"italic\"},\"id\":\"3577\",\"type\":\"Title\"},{\"attributes\":{},\"id\":\"3698\",\"type\":\"PanTool\"},{\"attributes\":{\"fill_alpha\":{\"field\":\"alpha\"},\"fill_color\":{\"field\":\"node_colour\"},\"size\":{\"field\":\"node_sizes\"}},\"id\":\"3605\",\"type\":\"Circle\"},{\"attributes\":{\"end\":250,\"start\":-250},\"id\":\"3616\",\"type\":\"Range1d\"},{\"attributes\":{\"formatter\":{\"id\":\"5441\"},\"major_label_policy\":{\"id\":\"5443\"},\"ticker\":{\"id\":\"3625\"},\"visible\":false},\"id\":\"3624\",\"type\":\"LinearAxis\"},{\"attributes\":{\"end\":250,\"start\":-250},\"id\":\"3615\",\"type\":\"Range1d\"},{\"attributes\":{},\"id\":\"3620\",\"type\":\"LinearScale\"},{\"attributes\":{},\"id\":\"3625\",\"type\":\"BasicTicker\"},{\"attributes\":{\"text\":\"['anthropology', 'language', 'culture', 'cultural', 'proverb']\",\"text_font_style\":\"italic\"},\"id\":\"3643\",\"type\":\"Title\"},{\"attributes\":{\"axis\":{\"id\":\"3624\"},\"grid_line_color\":null,\"ticker\":null},\"id\":\"3627\",\"type\":\"Grid\"},{\"attributes\":{\"callback\":null,\"tooltips\":[[\"Page\",\"@index\"],[\"Discipline\",\"@parent\"]]},\"id\":\"3636\",\"type\":\"HoverTool\"},{\"attributes\":{},\"id\":\"3634\",\"type\":\"SaveTool\"},{\"attributes\":{},\"id\":\"3635\",\"type\":\"ResetTool\"},{\"attributes\":{\"active_multi\":null,\"active_scroll\":{\"id\":\"3699\"},\"tools\":[{\"id\":\"3698\"},{\"id\":\"3699\"},{\"id\":\"3700\"},{\"id\":\"3701\"},{\"id\":\"3702\"}]},\"id\":\"3703\",\"type\":\"Toolbar\"},{\"attributes\":{},\"id\":\"3632\",\"type\":\"PanTool\"},{\"attributes\":{\"active_multi\":null,\"active_scroll\":{\"id\":\"3633\"},\"tools\":[{\"id\":\"3632\"},{\"id\":\"3633\"},{\"id\":\"3634\"},{\"id\":\"3635\"},{\"id\":\"3636\"}]},\"id\":\"3637\",\"type\":\"Toolbar\"},{\"attributes\":{\"text\":\"Community: 6\",\"text_font_size\":\"16pt\"},\"id\":\"3644\",\"type\":\"Title\"},{\"attributes\":{\"edge_renderer\":{\"id\":\"3652\"},\"inspection_policy\":{\"id\":\"5432\"},\"layout_provider\":{\"id\":\"3658\"},\"node_renderer\":{\"id\":\"3648\"},\"selection_policy\":{\"id\":\"5433\"}},\"id\":\"3645\",\"type\":\"GraphRenderer\"},{\"attributes\":{},\"id\":\"3633\",\"type\":\"WheelZoomTool\"},{\"attributes\":{},\"id\":\"3629\",\"type\":\"BasicTicker\"},{\"attributes\":{},\"id\":\"5441\",\"type\":\"BasicTickFormatter\"},{\"attributes\":{\"line_alpha\":{\"value\":0.8},\"line_width\":{\"value\":0.1}},\"id\":\"3676\",\"type\":\"MultiLine\"},{\"attributes\":{},\"id\":\"5454\",\"type\":\"BasicTickFormatter\"},{\"attributes\":{},\"id\":\"5443\",\"type\":\"AllLabels\"},{\"attributes\":{},\"id\":\"5464\",\"type\":\"UnionRenderers\"},{\"attributes\":{},\"id\":\"5449\",\"type\":\"NodesOnly\"},{\"attributes\":{\"fill_alpha\":{\"field\":\"alpha\"},\"fill_color\":{\"field\":\"node_colour\"},\"size\":{\"field\":\"node_sizes\"}},\"id\":\"3737\",\"type\":\"Circle\"},{\"attributes\":{\"source\":{\"id\":\"3651\"}},\"id\":\"3653\",\"type\":\"CDSView\"},{\"attributes\":{\"source\":{\"id\":\"3647\"}},\"id\":\"3649\",\"type\":\"CDSView\"},{\"attributes\":{\"edge_renderer\":{\"id\":\"3718\"},\"inspection_policy\":{\"id\":\"5448\"},\"layout_provider\":{\"id\":\"3724\"},\"node_renderer\":{\"id\":\"3714\"},\"selection_policy\":{\"id\":\"5449\"}},\"id\":\"3711\",\"type\":\"GraphRenderer\"},{\"attributes\":{},\"id\":\"5456\",\"type\":\"AllLabels\"},{\"attributes\":{\"data\":{\"alpha\":[0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75,0.75],\"depth\":[1,1,1,1,0,1,0,2,1,1,1,1,0,0,1,1,1,1,1,1,1,2,1,0,0,1,1,1,1,0,2,0,2,2,0,0,1,1,1,1,1,2,1,1,0,1,1,0,1,1,1,2,1,1,1,1,1,1,2,1,0,1,2,1,0,1,2,2,1,1,2,0,1,2,1,1,1,1,1,1,2,1,1,2,2,0,0,2,2,0,1,1,1,0,1,2,1,1,2,0,0,0,0,1,0,0,1,1,1,1,1,0,0,0,1,0,1,1,1,1,1,0,1,1,1,1,2,0,1,1,1,1,1,1,2,1,1,1,1,0,0,0,1,0,1,1,0,1,1,0,1,1,1,1,1,1,1,1,1,1,2,1,0,1,1,0,1,2,1,1,1,1,0,1,0,0,1,1,0,1,0,2,0,0,2,0,1,1,1,2,0,1,1,0,0,0,1,0,1,1,1,1,1,0,1,2,0,1,0,1,1,1,1,1,1,1,1,1,1,0,2,2,1,0,1,1,1,1,0,0,1,2,0,0,1,1,2,2,1,1,1,0,1,0,1,1,1,1,1,0,0,1,1,1,0,0,0,1,1,2,1],\"index\":[\"endocast\",\"list of women anthropologists\",\"mus\\u00e9e de l'homme\",\"hoi polloi\",\"sodality (social anthropology)\",\"village head\",\"hunting hypothesis\",\"challengeaccepted\",\"conspicuous conservation\",\"behavioral pharmacology\",\"dominic boyer\",\"maloca\",\"medical anthropology\",\"paleoanthropology\",\"solano people\",\"identity crisis\",\"cultural mapping\",\"nation-building\",\"society for medical anthropology\",\"list of anthropologists\",\"identity (social science)\",\"das argument\",\"woman, culture, and society\",\"educational anthropology\",\"anthropological survey of india\",\"social organism\",\"georg pfeffer\",\"cultural liberalism\",\"podom\",\"anthropology\",\"the great transformation (book)\",\"americanoid\",\"international area studies review\",\"family disruption\",\"coercion, capital, and european states, ad 990\\u20131992\",\"development anthropology\",\"online research methods\",\"orthograde posture\",\"diane bell (anthropologist)\",\"laura boulton\",\"cultural memory\",\"revisionist school of islamic studies\",\"kenneth boulding's evolutionary perspective\",\"technobiophilia\",\"rossville points\",\"performativity\",\"gaonburha\",\"waga sculpture\",\"social degeneration\",\"linguistic linked open data\",\"cultural resource management\",\"magna carta for philippine internet freedom\",\"guatemalan forensic anthropology foundation\",\"tonograph\",\"human ecology\",\"proverb\",\"1990s in anthropology\",\"anthropological index online\",\"franciscan school of theology\",\"ethnoarchaeology\",\"bibliography of anthropology\",\"human universals\",\"decoloniality\",\"f. g. bailey\",\"fordisc\",\"craig stanford\",\"influence: science and practice\",\"greenwashing\",\"journal of ethnobiology\",\"aparna rao\",\"culturgen\",\"ecological anthropology\",\"mus\\u00e9e des confluences\",\"roman question\",\"linguistics in science fiction\",\"indian sociological society\",\"list of visual anthropology films\",\"outline of culture\",\"heel\\u2013ball index\",\"maya research program\",\"ecofeminism\",\"linguistic description\",\"museo de antropolog\\u00eda de xalapa\",\"payment for ecosystem services\",\"venture capital in spaceflight\",\"australian aboriginal kinship\",\"east european politics\",\"biophilia hypothesis\",\"porter hypothesis\",\"ethnomuseology\",\"museum of mankind\",\"high culture\",\"facial expression\",\"cognitive anthropology\",\"noosphere\",\"regionalisation\",\"rudolf virchow award\",\"viking fund medal\",\"time & society\",\"biological anthropology\",\"digging stick\",\"biocultural diversity\",\"exocannibalism\",\"marija gimbutas\",\"cornell-peru project\",\"lambda alpha\",\"data editing\",\"cultural nationalism\",\"theta criterion\",\"list of timothy asch films\",\"trobriand islands\",\"cultural anthropology\",\"archaeology\",\"standard cross-cultural sample\",\"ethnozoology\",\"polygyny\",\"netnography\",\"nomads of the longbow\",\"moana (1926 film)\",\"kriza j\\u00e1nos ethnographic society\",\"nomadic pastoralism\",\"theatre state\",\"johnson cult\",\"cultural radicalism\",\"logical form (linguistics)\",\"displacement (linguistics)\",\"bioregionalism\",\"critical medical anthropology\",\"1910s in anthropology\",\"culture 21\",\"is the glass half empty or half full?\",\"osteology\",\"moving anthropology student network\",\"ethnomedicine\",\"performative activism\",\"mosuo women\",\"n\\u01c3ai, the story of a \\u01c3kung woman\",\"transitology\",\"unsaid\",\"historical behaviour studies\",\"ethnoornithology\",\"anthropology of art\",\"leveling mechanism\",\"cultural practice\",\"deep play: notes on the balinese cockfight\",\"2000s in anthropology\",\"endocannibalism\",\"area studies\",\"neolinguistics\",\"online ethnography\",\"multimodal anthropology\",\"nutritional anthropology\",\"human terrain system\",\"reciprocity (cultural anthropology)\",\"new york state sociological association\",\"riane eisler\",\"nation state\",\"squib (writing)\",\"museo nacional de antropolog\\u00eda (madrid)\",\"oikofobie. de angst voor het eigene\",\"university of san diego\",\"raptio\",\"anthrobotics\",\"topic and comment\",\"faye v. harrison\",\"circumscription theory\",\"hawaiian ethnobiology\",\"after saturday comes sunday\",\"bioculture\",\"les ma\\u00eetres fous\",\"culture theory\",\"pitt rivers museum\",\"direct historical approach\",\"list of matrilineal or matrilocal societies\",\"sedentism\",\"ethnopediatrics\",\"michelle rosaldo book prize\",\"disability anthropology\",\"applied anthropology research methods\",\"reflexivity (social theory)\",\"frazer lecture\",\"gender and development\",\"neuroanthropology\",\"chinese kinship\",\"iza institute of labor economics\",\"deep history\",\"museum of archaeology and anthropology, university of cambridge\",\"media linguistics\",\"das mutterrecht\",\"richard rottenburg\",\"grave goods\",\"transnational progressivism\",\"museu da lourinh\\u00e3\",\"biocultural anthropology\",\"performance studies\",\"urban revolution\",\"proverbial phrase\",\"ethnobiology\",\"heritage commodification\",\"human ethology\",\"ethnic religion\",\"ceremonial pole\",\"vanua\",\"semiotic anthropology\",\"principle of inalienability of the public domain\",\"svoboda ili smart\",\"emic and etic\",\"theory of language\",\"ethnosymbolism\",\"usc center for visual anthropology\",\"civilization state\",\"magical death\",\"utinahica\",\"toloy\",\"communicative dynamism\",\"nanook of the north\",\"cultural movement\",\"university of tennessee anthropological research facility\",\"shell money\",\"linguistic anthropology\",\"harvest hills cooperative community\",\"neural adaptation\",\"prickly paradigm press\",\"contrast set\",\"ethnoichthyology\",\"argentine forensic anthropology team\",\"microexpression\",\"paleopathology\",\"hau (anthropology)\",\"transcultural nursing\",\"encyclopedia of anthropology\",\"noel ignatiev\",\"postmodernist anthropology\",\"alliance theory\",\"the hunters (1957 film)\",\"peasant economics\",\"general semantics\",\"biological organisation\",\"performative interval\",\"culture hero\",\"linguistic relativity\",\"cognized environment\",\"soul dualism\",\"classificatory kinship\",\"matrilocal residence\",\"ethnolichenology\",\"1890s in anthropology\",\"cultural relativism\",\"zooarchaeology\",\"list of years in anthropology\",\"paleoradiology\",\"linguistics\",\"welfare culture\",\"age set\",\"anthropology of institutions\",\"feminist anthropology\",\"cha\\u00eene op\\u00e9ratoire\",\"the hebrew goddess\",\"patrilocal residence\",\"regional autonomy\",\"arthur evans\"],\"node_colour\":[\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#FDE724\",\"#FDE724\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#FDE724\",\"#5BC862\",\"#208F8C\",\"#5BC862\",\"#5BC862\",\"#3B518A\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#3B518A\",\"#5BC862\",\"#208F8C\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#3B518A\",\"#208F8C\",\"#5BC862\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#3B518A\",\"#440154\",\"#FDE724\",\"#5BC862\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#FDE724\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#FDE724\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#5BC862\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#3B518A\",\"#440154\",\"#5BC862\",\"#208F8C\",\"#FDE724\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#FDE724\",\"#5BC862\",\"#FDE724\",\"#208F8C\",\"#5BC862\",\"#5BC862\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#FDE724\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#3B518A\",\"#5BC862\",\"#208F8C\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#3B518A\",\"#5BC862\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#440154\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#3B518A\",\"#5BC862\",\"#208F8C\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#208F8C\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#5BC862\",\"#208F8C\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#FDE724\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#FDE724\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#440154\",\"#FDE724\",\"#208F8C\",\"#3B518A\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#5BC862\",\"#208F8C\",\"#5BC862\"],\"node_sizes\":[0.25,1.0,1.0,0.75,0.25,0.25,0.75,0.5,0.25,0.25,0.25,0.25,4.0,2.5,0.25,0.75,4.75,4.0,2.0,0.75,4.0,0.25,0.5,0.25,0.25,0.25,0.25,4.5,0.25,34.25,2.0,0.25,0.25,1.0,0.25,4.25,0.25,0.25,1.25,0.5,4.75,0.25,0.25,0.25,0.25,1.5,0.25,0.25,4.0,0.25,0.5,0.25,0.25,0.25,7.0,1.0,0.5,1.25,0.25,5.75,3.0,1.25,0.5,1.75,0.5,0.25,0.25,1.75,0.25,0.5,4.5,5.5,0.25,0.5,0.75,1.5,1.5,5.0,0.75,0.25,3.5,2.25,1.0,0.75,0.25,1.25,0.25,0.75,0.75,5.0,2.25,5.25,1.25,3.25,1.25,0.25,0.75,0.5,0.25,5.5,1.0,0.5,0.5,1.0,0.25,0.25,0.25,5.0,0.5,0.25,1.75,22.0,11.25,1.75,5.25,4.0,3.5,0.25,0.75,1.0,2.5,2.0,1.5,4.75,0.5,0.25,0.25,1.75,0.5,0.5,0.25,2.75,0.25,6.25,0.25,1.0,2.0,0.25,1.25,0.5,2.25,4.25,1.75,4.5,0.25,0.25,0.25,4.0,0.25,4.25,0.25,5.0,0.75,2.25,0.25,0.75,4.5,0.25,0.5,0.25,1.0,0.5,0.25,0.5,0.5,1.75,0.25,0.25,4.5,0.5,11.5,1.25,0.5,2.25,2.25,0.25,0.25,0.75,0.75,1.75,0.25,0.25,2.75,1.0,0.25,0.75,1.5,0.25,0.5,0.25,1.0,4.0,0.25,1.0,7.5,0.5,1.0,8.0,2.5,0.75,3.5,0.75,0.25,2.0,0.25,0.25,7.0,1.75,3.5,0.25,2.75,0.5,0.25,0.75,0.75,3.0,4.75,0.25,3.0,3.0,0.25,0.25,0.75,0.25,3.75,0.5,0.75,1.75,0.25,4.5,0.25,0.75,1.75,9.5,1.0,2.5,0.75,0.25,0.25,4.25,1.75,0.25,0.5,1.25,2.5,2.25,0.25,11.75,3.5,1.75,0.75,10.25,4.5,1.75,1.75,5.0,0.5,0.5,1.5,0.25,2.0],\"parent\":[\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"political_science\",\"psychology\",\"psychology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"psychology\",\"anthropology\",\"political_science\",\"anthropology\",\"anthropology\",\"sociology\",\"sociology\",\"anthropology\",\"anthropology\",\"anthropology\",\"sociology\",\"anthropology\",\"political_science\",\"anthropology\",\"anthropology\",\"political_science\",\"anthropology\",\"political_science\",\"sociology\",\"political_science\",\"anthropology\",\"sociology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"sociology\",\"economics\",\"psychology\",\"anthropology\",\"sociology\",\"anthropology\",\"anthropology\",\"psychology\",\"anthropology\",\"anthropology\",\"political_science\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"political_science\",\"anthropology\",\"anthropology\",\"anthropology\",\"political_science\",\"anthropology\",\"anthropology\",\"anthropology\",\"psychology\",\"sociology\",\"anthropology\",\"anthropology\",\"sociology\",\"anthropology\",\"anthropology\",\"political_science\",\"anthropology\",\"sociology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"sociology\",\"anthropology\",\"anthropology\",\"sociology\",\"economics\",\"anthropology\",\"political_science\",\"psychology\",\"sociology\",\"anthropology\",\"anthropology\",\"anthropology\",\"psychology\",\"anthropology\",\"psychology\",\"political_science\",\"anthropology\",\"anthropology\",\"sociology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"political_science\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"political_science\",\"anthropology\",\"anthropology\",\"anthropology\",\"sociology\",\"anthropology\",\"anthropology\",\"political_science\",\"psychology\",\"anthropology\",\"anthropology\",\"anthropology\",\"sociology\",\"anthropology\",\"anthropology\",\"political_science\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"sociology\",\"anthropology\",\"political_science\",\"anthropology\",\"anthropology\",\"anthropology\",\"political_science\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"political_science\",\"sociology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"sociology\",\"anthropology\",\"sociology\",\"anthropology\",\"anthropology\",\"economics\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"sociology\",\"anthropology\",\"political_science\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"political_science\",\"political_science\",\"anthropology\",\"anthropology\",\"political_science\",\"anthropology\",\"political_science\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"political_science\",\"psychology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"psychology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"sociology\",\"anthropology\",\"anthropology\",\"anthropology\",\"economics\",\"psychology\",\"political_science\",\"sociology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"political_science\",\"anthropology\"]},\"selected\":{\"id\":\"5467\"},\"selection_policy\":{\"id\":\"5466\"}},\"id\":\"3647\",\"type\":\"ColumnDataSource\"},{\"attributes\":{\"data_source\":{\"id\":\"3647\"},\"glyph\":{\"id\":\"3671\"},\"hover_glyph\":null,\"muted_glyph\":null,\"view\":{\"id\":\"3649\"}},\"id\":\"3648\",\"type\":\"GlyphRenderer\"},{\"attributes\":{},\"id\":\"5460\",\"type\":\"UnionRenderers\"},{\"attributes\":{},\"id\":\"5461\",\"type\":\"Selection\"},{\"attributes\":{\"data_source\":{\"id\":\"3651\"},\"glyph\":{\"id\":\"3676\"},\"hover_glyph\":null,\"muted_glyph\":null,\"view\":{\"id\":\"3653\"}},\"id\":\"3652\",\"type\":\"GlyphRenderer\"},{\"attributes\":{\"data\":{\"end\":[\"paleoanthropology\",\"list of anthropologists\",\"riane eisler\",\"marija gimbutas\",\"faye v. harrison\",\"anthropology\",\"principle of inalienability of the public domain\",\"mus\\u00e9e de l'homme\",\"high culture\",\"hoi polloi\",\"anthropology\",\"anthropology\",\"paleoanthropology\",\"digging stick\",\"grave goods\",\"anthropology\",\"archaeology\",\"greenwashing\",\"osteology\",\"prickly paradigm press\",\"anthropology\",\"anthropology\",\"ethnomedicine\",\"cultural relativism\",\"emic and etic\",\"alliance theory\",\"culture theory\",\"performance studies\",\"cultural anthropology\",\"biological anthropology\",\"nutritional anthropology\",\"cognitive anthropology\",\"critical medical anthropology\",\"society for medical anthropology\",\"ecological anthropology\",\"rudolf virchow award\",\"disability anthropology\",\"anthropology\",\"cultural relativism\",\"emic and etic\",\"alliance theory\",\"culture theory\",\"performance studies\",\"cultural anthropology\",\"biological anthropology\",\"anthropology\",\"identity (social science)\",\"identity crisis\",\"anthropology\",\"cultural memory\",\"cultural relativism\",\"culture theory\",\"cultural anthropology\",\"bioculture\",\"cultural practice\",\"transnational progressivism\",\"cultural liberalism\",\"cultural movement\",\"high culture\",\"cultural nationalism\",\"outline of culture\",\"welfare culture\",\"transcultural nursing\",\"cultural radicalism\",\"culture hero\",\"culturgen\",\"social degeneration\",\"nation state\",\"anthropology\",\"ethnosymbolism\",\"ethnoarchaeology\",\"ethnobiology\",\"ethnozoology\",\"netnography\",\"ethnomedicine\",\"ethnomuseology\",\"ethnic religion\",\"online ethnography\",\"civilization state\",\"identity (social science)\",\"ethnoichthyology\",\"magna carta for philippine internet freedom\",\"svoboda ili smart\",\"anthropology\",\"ethnomedicine\",\"cultural anthropology\",\"nutritional anthropology\",\"cognitive anthropology\",\"critical medical anthropology\",\"rudolf virchow award\",\"anthropology\",\"prickly paradigm press\",\"nation state\",\"anthropology\",\"cultural memory\",\"ethnosymbolism\",\"ethnoarchaeology\",\"ethnobiology\",\"ethnozoology\",\"netnography\",\"ethnomedicine\",\"ethnomuseology\",\"ethnic religion\",\"linguistic anthropology\",\"identity (social science)\",\"culture theory\",\"anthropology\",\"feminist anthropology\",\"anthropology\",\"cultural anthropology\",\"noosphere\",\"anthropology\",\"cultural memory\",\"cultural relativism\",\"culture theory\",\"cultural anthropology\",\"bioculture\",\"transcultural nursing\",\"high culture\",\"cultural practice\",\"transnational progressivism\",\"cultural radicalism\",\"cultural nationalism\",\"cultural movement\",\"culture hero\",\"culturgen\",\"welfare culture\",\"outline of culture\",\"social degeneration\",\"anthropology\",\"nation state\",\"ethnosymbolism\",\"cultural relativism\",\"emic and etic\",\"alliance theory\",\"culture theory\",\"performance studies\",\"linguistics\",\"cultural anthropology\",\"linguistic anthropology\",\"anthropology\",\"biological anthropology\",\"standard cross-cultural sample\",\"archaeology\",\"anthropology of art\",\"nanook of the north\",\"n\\u01c3ai, the story of a \\u01c3kung woman\",\"development anthropology\",\"nomadic pastoralism\",\"peasant economics\",\"shell money\",\"nutritional anthropology\",\"heritage commodification\",\"polygyny\",\"feminist anthropology\",\"cognitive anthropology\",\"ethnomedicine\",\"critical medical anthropology\",\"age set\",\"leveling mechanism\",\"theatre state\",\"circumscription theory\",\"f. g. bailey\",\"ecological anthropology\",\"soul dualism\",\"biocultural anthropology\",\"osteology\",\"moving anthropology student network\",\"usc center for visual anthropology\",\"human terrain system\",\"ethnobiology\",\"human ethology\",\"bibliography of anthropology\",\"area studies\",\"human ecology\",\"digging stick\",\"grave goods\",\"urban revolution\",\"anthrobotics\",\"hau (anthropology)\",\"online ethnography\",\"classificatory kinship\",\"neuroanthropology\",\"transcultural nursing\",\"exocannibalism\",\"contrast set\",\"semiotic anthropology\",\"postmodernist anthropology\",\"deep history\",\"ethnopediatrics\",\"historical behaviour studies\",\"waga sculpture\",\"lambda alpha\",\"list of years in anthropology\",\"ethnomuseology\",\"anthropology of institutions\",\"americanoid\",\"cornell-peru project\",\"applied anthropology research methods\",\"civilization state\",\"performativity\",\"reflexivity (social theory)\",\"new york state sociological association\",\"indian sociological society\",\"cultural movement\",\"linguistic relativity\",\"zooarchaeology\",\"linguistic description\",\"ethnic religion\",\"matrilocal residence\",\"pitt rivers museum\",\"orthograde posture\",\"encyclopedia of anthropology\",\"museum of mankind\",\"the hebrew goddess\",\"1910s in anthropology\",\"utinahica\",\"1890s in anthropology\",\"1990s in anthropology\",\"2000s in anthropology\",\"prickly paradigm press\",\"anthropological index online\",\"diane bell (anthropologist)\",\"laura boulton\",\"human universals\",\"rudolf virchow award\",\"les ma\\u00eetres fous\",\"vanua\",\"ethnozoology\",\"gaonburha\",\"museo nacional de antropolog\\u00eda (madrid)\",\"list of matrilineal or matrilocal societies\",\"mus\\u00e9e des confluences\",\"netnography\",\"outline of culture\",\"das mutterrecht\",\"ethnoichthyology\",\"viking fund medal\",\"heel\\u2013ball index\",\"faye v. harrison\",\"theory of language\",\"kriza j\\u00e1nos ethnographic society\",\"toloy\",\"disability anthropology\",\"time & society\",\"richard rottenburg\",\"ecofeminism\",\"family disruption\",\"influence: science and practice\",\"cultural anthropology\",\"development anthropology\",\"nomadic pastoralism\",\"peasant economics\",\"shell money\",\"nutritional anthropology\",\"heritage commodification\",\"trobriand islands\",\"area studies\",\"cultural anthropology\",\"polygyny\",\"iza institute of labor economics\",\"nation state\",\"cultural relativism\",\"emic and etic\",\"alliance theory\",\"culture theory\",\"performance studies\",\"cultural anthropology\",\"sedentism\",\"development anthropology\",\"nomadic pastoralism\",\"peasant economics\",\"shell money\",\"nutritional anthropology\",\"heritage commodification\",\"reciprocity (cultural anthropology)\",\"online ethnography\",\"alliance theory\",\"cultural anthropology\",\"polygyny\",\"feminist anthropology\",\"nanook of the north\",\"cultural anthropology\",\"cultural practice\",\"transnational progressivism\",\"bioculture\",\"cultural movement\",\"cultural relativism\",\"culture theory\",\"high culture\",\"transcultural nursing\",\"cultural nationalism\",\"cultural radicalism\",\"culture hero\",\"culturgen\",\"welfare culture\",\"outline of culture\",\"social degeneration\",\"archaeology\",\"noosphere\",\"biophilia hypothesis\",\"archaeology\",\"linguistics\",\"performance studies\",\"performative interval\",\"reflexivity (social theory)\",\"performative activism\",\"cultural relativism\",\"culture theory\",\"cultural anthropology\",\"bioculture\",\"transcultural nursing\",\"high culture\",\"cultural practice\",\"cultural nationalism\",\"cultural radicalism\",\"cultural movement\",\"culture hero\",\"culturgen\",\"welfare culture\",\"linguistics\",\"archaeology\",\"cultural anthropology\",\"argentine forensic anthropology team\",\"linguistics\",\"archaeology\",\"linguistics\",\"area studies\",\"cultural anthropology\",\"biological anthropology\",\"ecological anthropology\",\"ethnobiology\",\"anthropology of art\",\"neuroanthropology\",\"ethnoornithology\",\"indian sociological society\",\"bioregionalism\",\"human ecology\",\"ethnozoology\",\"ethnoichthyology\",\"ethnolichenology\",\"ethnoarchaeology\",\"ethnomedicine\",\"zooarchaeology\",\"aparna rao\",\"noosphere\",\"biological organisation\",\"greenwashing\",\"porter hypothesis\",\"payment for ecosystem services\",\"ecofeminism\",\"linguistics\",\"trobriand islands\",\"proverbial phrase\",\"after saturday comes sunday\",\"human universals\",\"archaeology\",\"linguistics\",\"cultural anthropology\",\"museum of mankind\",\"university of san diego\",\"nation state\",\"archaeology\",\"ethnosymbolism\",\"ecological anthropology\",\"ethnobiology\",\"online ethnography\",\"ethnoornithology\",\"ethnomuseology\",\"civilization state\",\"ethnic religion\",\"direct historical approach\",\"arthur evans\",\"osteology\",\"paleopathology\",\"zooarchaeology\",\"ethnozoology\",\"ethnoichthyology\",\"ethnolichenology\",\"ethnomedicine\",\"netnography\",\"archaeology\",\"cultural relativism\",\"emic and etic\",\"alliance theory\",\"culture theory\",\"performance studies\",\"cultural anthropology\",\"linguistic anthropology\",\"biological anthropology\",\"deep play: notes on the balinese cockfight\",\"human universals\",\"cultural anthropology\",\"human ethology\",\"area studies\",\"pitt rivers museum\",\"cultural anthropology\",\"age set\",\"leveling mechanism\",\"theatre state\",\"circumscription theory\",\"johnson cult\",\"biological anthropology\",\"university of tennessee anthropological research facility\",\"biological anthropology\",\"ethnobiology\",\"ecological anthropology\",\"ecofeminism\",\"greenwashing\",\"ethnobiology\",\"cultural anthropology\",\"cultural relativism\",\"culture theory\",\"cultural anthropology\",\"bioculture\",\"transcultural nursing\",\"high culture\",\"cultural practice\",\"cultural nationalism\",\"cultural radicalism\",\"cultural movement\",\"culture hero\",\"transnational progressivism\",\"outline of culture\",\"welfare culture\",\"ethnobiology\",\"ethnozoology\",\"ethnomedicine\",\"cultural relativism\",\"emic and etic\",\"alliance theory\",\"culture theory\",\"performance studies\",\"cultural anthropology\",\"ecofeminism\",\"biophilia hypothesis\",\"ethnoichthyology\",\"ethnolichenology\",\"ethnoornithology\",\"zooarchaeology\",\"porter hypothesis\",\"payment for ecosystem services\",\"nation state\",\"theatre state\",\"linguistics\",\"linguistic relativity\",\"general semantics\",\"archaeology\",\"linguistics\",\"area studies\",\"cultural anthropology\",\"cultural anthropology\",\"anthropology of art\",\"nanook of the north\",\"n\\u01c3ai, the story of a \\u01c3kung woman\",\"les ma\\u00eetres fous\",\"magical death\",\"archaeology\",\"area studies\",\"cultural relativism\",\"culture theory\",\"cultural anthropology\",\"bioculture\",\"transcultural nursing\",\"high culture\",\"cultural practice\",\"cultural nationalism\",\"cultural radicalism\",\"cultural movement\",\"culture hero\",\"welfare culture\",\"culture 21\",\"linguistics\",\"biological anthropology\",\"archaeology\",\"archaeology\",\"ethnobiology\",\"feminist anthropology\",\"matrilocal residence\",\"list of matrilineal or matrilocal societies\",\"gender and development\",\"riane eisler\",\"ecofeminism\",\"biophilia hypothesis\",\"linguistics\",\"cultural relativism\",\"emic and etic\",\"alliance theory\",\"culture theory\",\"performance studies\",\"theory of language\",\"linguistic relativity\",\"cultural anthropology\",\"anthropology of art\",\"nanook of the north\",\"n\\u01c3ai, the story of a \\u01c3kung woman\",\"ethnobiology\",\"archaeology\",\"alliance theory\",\"cultural anthropology\",\"polygyny\",\"feminist anthropology\",\"matrilocal residence\",\"area studies\",\"ethnobiology\",\"nation state\",\"ethnosymbolism\",\"ethnobiology\",\"ethnozoology\",\"netnography\",\"ethnomedicine\",\"online ethnography\",\"cultural relativism\",\"emic and etic\",\"alliance theory\",\"culture theory\",\"performance studies\",\"anthropology of institutions\",\"ethnic religion\",\"civilization state\",\"ethnoichthyology\",\"cultural relativism\",\"emic and etic\",\"alliance theory\",\"culture theory\",\"performance studies\",\"museum of mankind\",\"cultural relativism\",\"culture theory\",\"cultural anthropology\",\"bioculture\",\"transcultural nursing\",\"cultural practice\",\"transnational progressivism\",\"cultural movement\",\"high culture\",\"cultural nationalism\",\"cultural radicalism\",\"culture hero\",\"welfare culture\",\"linguistics\",\"unsaid\",\"facial expression\",\"microexpression\",\"ethnomedicine\",\"cultural relativism\",\"emic and etic\",\"alliance theory\",\"culture theory\",\"performance studies\",\"cultural anthropology\",\"biological anthropology\",\"nutritional anthropology\",\"critical medical anthropology\",\"noosphere\",\"linguistics\",\"archaeology\",\"archaeology\",\"linguistics\",\"area studies\",\"cultural relativism\",\"emic and etic\",\"alliance theory\",\"culture theory\",\"performance studies\",\"paleopathology\",\"osteology\",\"biocultural anthropology\",\"cha\\u00eene op\\u00e9ratoire\",\"zooarchaeology\",\"archaeology\",\"grave goods\",\"ethnobiology\",\"biocultural anthropology\",\"endocannibalism\",\"linguistics\",\"riane eisler\",\"das mutterrecht\",\"archaeology\",\"nation state\",\"cultural relativism\",\"culture theory\",\"cultural anthropology\",\"bioculture\",\"transcultural nursing\",\"cultural practice\",\"transnational progressivism\",\"cultural movement\",\"cultural radicalism\",\"culture hero\",\"welfare culture\",\"noel ignatiev\",\"linguistics\",\"theory of language\",\"magical death\",\"reciprocity (cultural anthropology)\",\"trobriand islands\",\"1910s in anthropology\",\"list of matrilineal or matrilocal societies\",\"archaeology\",\"linguistics\",\"area studies\",\"ethnobiology\",\"ethnozoology\",\"ethnomedicine\",\"cultural relativism\",\"emic and etic\",\"alliance theory\",\"culture theory\",\"performance studies\",\"feminist anthropology\",\"anthropology of art\",\"multimodal anthropology\",\"standard cross-cultural sample\",\"polygyny\",\"ceremonial pole\",\"cultural anthropology\",\"bioculture\",\"transcultural nursing\",\"cultural practice\",\"cultural radicalism\",\"cultural movement\",\"culture hero\",\"welfare culture\",\"critical medical anthropology\",\"sedentism\",\"chinese kinship\",\"circumscription theory\",\"classificatory kinship\",\"biocultural anthropology\",\"historical behaviour studies\",\"theatre state\",\"johnson cult\",\"transnational progressivism\",\"peasant economics\",\"nanook of the north\",\"matrilocal residence\",\"reciprocity (cultural anthropology)\",\"age set\",\"shell money\",\"patrilocal residence\",\"nomadic pastoralism\",\"n\\u01c3ai, the story of a \\u01c3kung woman\",\"museum of archaeology and anthropology, university of cambridge\",\"human terrain system\",\"nomads of the longbow\",\"proverbial phrase\",\"nutritional anthropology\",\"museo nacional de antropolog\\u00eda (madrid)\",\"list of matrilineal or matrilocal societies\",\"the hunters (1957 film)\",\"human ethology\",\"mosuo women\",\"heritage commodification\",\"leveling mechanism\",\"disability anthropology\",\"grave goods\",\"urban revolution\",\"direct historical approach\",\"ethnobiology\",\"anthropology of art\",\"feminist anthropology\",\"neuroanthropology\",\"postmodernist anthropology\",\"arthur evans\",\"zooarchaeology\",\"archaeology\",\"osteology\",\"paleopathology\",\"linguistics\",\"area studies\",\"deep history\",\"cha\\u00eene op\\u00e9ratoire\",\"list of years in anthropology\",\"applied anthropology research methods\",\"matrilocal residence\",\"pitt rivers museum\",\"argentine forensic anthropology team\",\"museu da lourinh\\u00e3\",\"list of matrilineal or matrilocal societies\",\"cultural radicalism\",\"cultural relativism\",\"emic and etic\",\"alliance theory\",\"culture theory\",\"performance studies\",\"nation state\",\"linguistics\",\"ethnosymbolism\",\"ethnobiology\",\"online ethnography\",\"ethnoornithology\",\"civilization state\",\"zooarchaeology\",\"ethnic religion\",\"ethnomedicine\",\"ethnolichenology\",\"ethnoichthyology\",\"netnography\",\"alliance theory\",\"feminist anthropology\",\"polygyny\",\"raptio\",\"chinese kinship\",\"classificatory kinship\",\"matrilocal residence\",\"patrilocal residence\",\"list of matrilineal or matrilocal societies\",\"mosuo women\",\"nation state\",\"ethnosymbolism\",\"ethnobiology\",\"online ethnography\",\"civilization state\",\"ethnic religion\",\"ethnomedicine\",\"ethnoichthyology\",\"nanook of the north\",\"moana (1926 film)\",\"linguistics\",\"kriza j\\u00e1nos ethnographic society\",\"sedentism\",\"peasant economics\",\"reciprocity (cultural anthropology)\",\"shell money\",\"nutritional anthropology\",\"heritage commodification\",\"age set\",\"leveling mechanism\",\"circumscription theory\",\"johnson cult\",\"age set\",\"leveling mechanism\",\"circumscription theory\",\"cultural relativism\",\"culture theory\",\"bioculture\",\"transcultural nursing\",\"cultural practice\",\"transnational progressivism\",\"cultural movement\",\"welfare culture\",\"culture hero\",\"linguistics\",\"theory of language\",\"linguistics\",\"ethnomedicine\",\"nutritional anthropology\",\"culture theory\",\"proverbial phrase\",\"ethnobiology\",\"zooarchaeology\",\"osteology\",\"arthur evans\",\"paleopathology\",\"nation state\",\"ethnosymbolism\",\"ethnobiology\",\"online ethnography\",\"ethnoornithology\",\"civilization state\",\"ethnic religion\",\"nutritional anthropology\",\"ethnoichthyology\",\"ethnolichenology\",\"zooarchaeology\",\"alliance theory\",\"feminist anthropology\",\"anthropology of art\",\"nanook of the north\",\"museum of archaeology and anthropology, university of cambridge\",\"the hunters (1957 film)\",\"area studies\",\"linguistics\",\"unsaid\",\"microexpression\",\"ethnobiology\",\"ethnoichthyology\",\"ethnolichenology\",\"zooarchaeology\",\"linguistics\",\"area studies\",\"cultural relativism\",\"emic and etic\",\"alliance theory\",\"culture theory\",\"performance studies\",\"nanook of the north\",\"museum of archaeology and anthropology, university of cambridge\",\"the hunters (1957 film)\",\"age set\",\"circumscription theory\",\"cultural relativism\",\"culture theory\",\"bioculture\",\"transcultural nursing\",\"cultural movement\",\"culture hero\",\"welfare culture\",\"transnational progressivism\",\"linguistics\",\"neuroanthropology\",\"area studies\",\"linguistics\",\"nation state\",\"ethnosymbolism\",\"ethnobiology\",\"ethnic religion\",\"cultural relativism\",\"emic and etic\",\"alliance theory\",\"culture theory\",\"performance studies\",\"cultural relativism\",\"emic and etic\",\"alliance theory\",\"culture theory\",\"performance studies\",\"peasant economics\",\"shell money\",\"sedentism\",\"reciprocity (cultural anthropology)\",\"heritage commodification\",\"linguistics\",\"alliance theory\",\"peasant economics\",\"shell money\",\"heritage commodification\",\"ethnosymbolism\",\"ethnobiology\",\"regional autonomy\",\"civilization state\",\"ethnic religion\",\"ethnoichthyology\",\"linguistics\",\"cultural relativism\",\"performance studies\",\"university of san diego\",\"patrilocal residence\",\"linguistics\",\"communicative dynamism\",\"age set\",\"ethnobiology\",\"cultural relativism\",\"culture theory\",\"transnational progressivism\",\"transcultural nursing\",\"cultural movement\",\"culture hero\",\"welfare culture\",\"cultural relativism\",\"emic and etic\",\"alliance theory\",\"linguistic anthropology\",\"feminist anthropology\",\"neuroanthropology\",\"semiotic anthropology\",\"postmodernist anthropology\",\"list of years in anthropology\",\"anthropology of institutions\",\"transnational progressivism\",\"reflexivity (social theory)\",\"cultural movement\",\"performance studies\",\"transcultural nursing\",\"culture hero\",\"welfare culture\",\"pitt rivers museum\",\"alliance theory\",\"feminist anthropology\",\"matrilocal residence\",\"peasant economics\",\"shell money\",\"heritage commodification\",\"sedentism\",\"feminist anthropology\",\"cultural relativism\",\"cultural relativism\",\"emic and etic\",\"alliance theory\",\"performance studies\",\"arthur evans\",\"linguistics\",\"cultural relativism\",\"emic and etic\",\"alliance theory\",\"performance studies\",\"cognized environment\",\"alliance theory\",\"feminist anthropology\",\"linguistics\",\"nanook of the north\",\"museum of archaeology and anthropology, university of cambridge\",\"linguistics\",\"cultural relativism\",\"transcultural nursing\",\"cultural movement\",\"culture hero\",\"welfare culture\",\"cultural relativism\",\"emic and etic\",\"alliance theory\",\"linguistic anthropology\",\"feminist anthropology\",\"semiotic anthropology\",\"postmodernist anthropology\",\"list of years in anthropology\",\"anthropology of institutions\",\"linguistics\",\"linguistics\",\"ethnosymbolism\",\"ethnoichthyology\",\"ethnobiology\",\"ethnolichenology\",\"zooarchaeology\",\"ethnic religion\",\"civilization state\",\"peasant economics\",\"shell money\",\"ethnosymbolism\",\"civilization state\",\"ethnoichthyology\",\"soul dualism\",\"the hebrew goddess\",\"cultural relativism\",\"emic and etic\",\"alliance theory\",\"linguistic anthropology\",\"general semantics\",\"cultural relativism\",\"alliance theory\",\"linguistic anthropology\",\"feminist anthropology\",\"postmodernist anthropology\",\"list of years in anthropology\",\"anthropology of institutions\",\"linguistics\",\"linguistic anthropology\",\"communicative dynamism\",\"civilization state\",\"ethnoichthyology\",\"toloy\",\"linguistics\",\"nanook of the north\",\"the hunters (1957 film)\",\"cultural relativism\",\"transcultural nursing\",\"culture hero\",\"welfare culture\",\"peasant economics\",\"shell money\",\"linguistics\",\"cultural relativism\",\"alliance theory\",\"linguistic relativity\",\"linguistics\",\"linguistics\",\"ethnolichenology\",\"linguistics\",\"paleoradiology\",\"zooarchaeology\",\"arthur evans\",\"cultural relativism\",\"welfare culture\",\"noel ignatiev\",\"cultural relativism\",\"alliance theory\",\"cultural relativism\",\"feminist anthropology\",\"classificatory kinship\",\"list of years in anthropology\",\"anthropology of institutions\",\"matrilocal residence\",\"patrilocal residence\",\"linguistic relativity\",\"cultural relativism\",\"welfare culture\",\"linguistics\",\"cultural relativism\",\"feminist anthropology\",\"feminist anthropology\",\"patrilocal residence\",\"zooarchaeology\",\"feminist anthropology\",\"list of years in anthropology\",\"anthropology of institutions\",\"welfare culture\",\"arthur evans\",\"paleoradiology\",\"patrilocal residence\",\"arthur evans\"],\"start\":[\"endocast\",\"list of women anthropologists\",\"list of women anthropologists\",\"list of women anthropologists\",\"list of women anthropologists\",\"mus\\u00e9e de l'homme\",\"mus\\u00e9e de l'homme\",\"mus\\u00e9e de l'homme\",\"hoi polloi\",\"hoi polloi\",\"sodality (social anthropology)\",\"village head\",\"hunting hypothesis\",\"hunting hypothesis\",\"hunting hypothesis\",\"challengeaccepted\",\"challengeaccepted\",\"conspicuous conservation\",\"behavioral pharmacology\",\"dominic boyer\",\"maloca\",\"medical anthropology\",\"medical anthropology\",\"medical anthropology\",\"medical anthropology\",\"medical anthropology\",\"medical anthropology\",\"medical anthropology\",\"medical anthropology\",\"medical anthropology\",\"medical anthropology\",\"medical anthropology\",\"medical anthropology\",\"medical anthropology\",\"medical anthropology\",\"medical anthropology\",\"medical anthropology\",\"paleoanthropology\",\"paleoanthropology\",\"paleoanthropology\",\"paleoanthropology\",\"paleoanthropology\",\"paleoanthropology\",\"paleoanthropology\",\"paleoanthropology\",\"solano people\",\"identity crisis\",\"identity crisis\",\"cultural mapping\",\"cultural mapping\",\"cultural mapping\",\"cultural mapping\",\"cultural mapping\",\"cultural mapping\",\"cultural mapping\",\"cultural mapping\",\"cultural mapping\",\"cultural mapping\",\"cultural mapping\",\"cultural mapping\",\"cultural mapping\",\"cultural mapping\",\"cultural mapping\",\"cultural mapping\",\"cultural mapping\",\"cultural mapping\",\"cultural mapping\",\"nation-building\",\"nation-building\",\"nation-building\",\"nation-building\",\"nation-building\",\"nation-building\",\"nation-building\",\"nation-building\",\"nation-building\",\"nation-building\",\"nation-building\",\"nation-building\",\"nation-building\",\"nation-building\",\"nation-building\",\"nation-building\",\"society for medical anthropology\",\"society for medical anthropology\",\"society for medical anthropology\",\"society for medical anthropology\",\"society for medical anthropology\",\"society for medical anthropology\",\"society for medical anthropology\",\"list of anthropologists\",\"list of anthropologists\",\"identity (social science)\",\"identity (social science)\",\"identity (social science)\",\"identity (social science)\",\"identity (social science)\",\"identity (social science)\",\"identity (social science)\",\"identity (social science)\",\"identity (social science)\",\"identity (social science)\",\"identity (social science)\",\"identity (social science)\",\"identity (social science)\",\"das argument\",\"woman, culture, and society\",\"woman, culture, and society\",\"educational anthropology\",\"anthropological survey of india\",\"social organism\",\"georg pfeffer\",\"cultural liberalism\",\"cultural liberalism\",\"cultural liberalism\",\"cultural liberalism\",\"cultural liberalism\",\"cultural liberalism\",\"cultural liberalism\",\"cultural liberalism\",\"cultural liberalism\",\"cultural liberalism\",\"cultural liberalism\",\"cultural liberalism\",\"cultural liberalism\",\"cultural liberalism\",\"cultural liberalism\",\"cultural liberalism\",\"cultural liberalism\",\"podom\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"anthropology\",\"the great transformation (book)\",\"the great transformation (book)\",\"the great transformation (book)\",\"the great transformation (book)\",\"the great transformation (book)\",\"the great transformation (book)\",\"the great transformation (book)\",\"the great transformation (book)\",\"international area studies review\",\"family disruption\",\"family disruption\",\"family disruption\",\"coercion, capital, and european states, ad 990\\u20131992\",\"development anthropology\",\"development anthropology\",\"development anthropology\",\"development anthropology\",\"development anthropology\",\"development anthropology\",\"development anthropology\",\"development anthropology\",\"development anthropology\",\"development anthropology\",\"development anthropology\",\"development anthropology\",\"development anthropology\",\"development anthropology\",\"online research methods\",\"diane bell (anthropologist)\",\"diane bell (anthropologist)\",\"diane bell (anthropologist)\",\"diane bell (anthropologist)\",\"laura boulton\",\"cultural memory\",\"cultural memory\",\"cultural memory\",\"cultural memory\",\"cultural memory\",\"cultural memory\",\"cultural memory\",\"cultural memory\",\"cultural memory\",\"cultural memory\",\"cultural memory\",\"cultural memory\",\"cultural memory\",\"cultural memory\",\"cultural memory\",\"cultural memory\",\"revisionist school of islamic studies\",\"kenneth boulding's evolutionary perspective\",\"technobiophilia\",\"rossville points\",\"performativity\",\"performativity\",\"performativity\",\"performativity\",\"performativity\",\"social degeneration\",\"social degeneration\",\"social degeneration\",\"social degeneration\",\"social degeneration\",\"social degeneration\",\"social degeneration\",\"social degeneration\",\"social degeneration\",\"social degeneration\",\"social degeneration\",\"social degeneration\",\"social degeneration\",\"linguistic linked open data\",\"cultural resource management\",\"cultural resource management\",\"guatemalan forensic anthropology foundation\",\"tonograph\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"human ecology\",\"proverb\",\"proverb\",\"proverb\",\"proverb\",\"1990s in anthropology\",\"anthropological index online\",\"anthropological index online\",\"anthropological index online\",\"anthropological index online\",\"franciscan school of theology\",\"ethnoarchaeology\",\"ethnoarchaeology\",\"ethnoarchaeology\",\"ethnoarchaeology\",\"ethnoarchaeology\",\"ethnoarchaeology\",\"ethnoarchaeology\",\"ethnoarchaeology\",\"ethnoarchaeology\",\"ethnoarchaeology\",\"ethnoarchaeology\",\"ethnoarchaeology\",\"ethnoarchaeology\",\"ethnoarchaeology\",\"ethnoarchaeology\",\"ethnoarchaeology\",\"ethnoarchaeology\",\"ethnoarchaeology\",\"ethnoarchaeology\",\"ethnoarchaeology\",\"bibliography of anthropology\",\"bibliography of anthropology\",\"bibliography of anthropology\",\"bibliography of anthropology\",\"bibliography of anthropology\",\"bibliography of anthropology\",\"bibliography of anthropology\",\"bibliography of anthropology\",\"bibliography of anthropology\",\"bibliography of anthropology\",\"bibliography of anthropology\",\"human universals\",\"human universals\",\"decoloniality\",\"decoloniality\",\"f. g. bailey\",\"f. g. bailey\",\"f. g. bailey\",\"f. g. bailey\",\"f. g. bailey\",\"f. g. bailey\",\"fordisc\",\"fordisc\",\"craig stanford\",\"greenwashing\",\"greenwashing\",\"greenwashing\",\"greenwashing\",\"journal of ethnobiology\",\"aparna rao\",\"culturgen\",\"culturgen\",\"culturgen\",\"culturgen\",\"culturgen\",\"culturgen\",\"culturgen\",\"culturgen\",\"culturgen\",\"culturgen\",\"culturgen\",\"culturgen\",\"culturgen\",\"culturgen\",\"ecological anthropology\",\"ecological anthropology\",\"ecological anthropology\",\"ecological anthropology\",\"ecological anthropology\",\"ecological anthropology\",\"ecological anthropology\",\"ecological anthropology\",\"ecological anthropology\",\"ecological anthropology\",\"ecological anthropology\",\"ecological anthropology\",\"ecological anthropology\",\"ecological anthropology\",\"ecological anthropology\",\"ecological anthropology\",\"ecological anthropology\",\"roman question\",\"roman question\",\"linguistics in science fiction\",\"linguistics in science fiction\",\"linguistics in science fiction\",\"indian sociological society\",\"indian sociological society\",\"indian sociological society\",\"indian sociological society\",\"list of visual anthropology films\",\"list of visual anthropology films\",\"list of visual anthropology films\",\"list of visual anthropology films\",\"list of visual anthropology films\",\"list of visual anthropology films\",\"outline of culture\",\"outline of culture\",\"outline of culture\",\"outline of culture\",\"outline of culture\",\"outline of culture\",\"outline of culture\",\"outline of culture\",\"outline of culture\",\"outline of culture\",\"outline of culture\",\"outline of culture\",\"outline of culture\",\"outline of culture\",\"outline of culture\",\"heel\\u2013ball index\",\"heel\\u2013ball index\",\"maya research program\",\"ecofeminism\",\"ecofeminism\",\"ecofeminism\",\"ecofeminism\",\"ecofeminism\",\"ecofeminism\",\"ecofeminism\",\"ecofeminism\",\"ecofeminism\",\"linguistic description\",\"linguistic description\",\"linguistic description\",\"linguistic description\",\"linguistic description\",\"linguistic description\",\"linguistic description\",\"linguistic description\",\"museo de antropolog\\u00eda de xalapa\",\"museo de antropolog\\u00eda de xalapa\",\"museo de antropolog\\u00eda de xalapa\",\"museo de antropolog\\u00eda de xalapa\",\"payment for ecosystem services\",\"venture capital in spaceflight\",\"australian aboriginal kinship\",\"australian aboriginal kinship\",\"australian aboriginal kinship\",\"australian aboriginal kinship\",\"australian aboriginal kinship\",\"east european politics\",\"porter hypothesis\",\"ethnomuseology\",\"ethnomuseology\",\"ethnomuseology\",\"ethnomuseology\",\"ethnomuseology\",\"ethnomuseology\",\"ethnomuseology\",\"ethnomuseology\",\"ethnomuseology\",\"ethnomuseology\",\"ethnomuseology\",\"ethnomuseology\",\"ethnomuseology\",\"ethnomuseology\",\"ethnomuseology\",\"ethnomuseology\",\"museum of mankind\",\"museum of mankind\",\"museum of mankind\",\"museum of mankind\",\"museum of mankind\",\"museum of mankind\",\"high culture\",\"high culture\",\"high culture\",\"high culture\",\"high culture\",\"high culture\",\"high culture\",\"high culture\",\"high culture\",\"high culture\",\"high culture\",\"high culture\",\"high culture\",\"facial expression\",\"facial expression\",\"facial expression\",\"facial expression\",\"cognitive anthropology\",\"cognitive anthropology\",\"cognitive anthropology\",\"cognitive anthropology\",\"cognitive anthropology\",\"cognitive anthropology\",\"cognitive anthropology\",\"cognitive anthropology\",\"cognitive anthropology\",\"cognitive anthropology\",\"noosphere\",\"regionalisation\",\"viking fund medal\",\"biological anthropology\",\"biological anthropology\",\"biological anthropology\",\"biological anthropology\",\"biological anthropology\",\"biological anthropology\",\"biological anthropology\",\"biological anthropology\",\"biological anthropology\",\"biological anthropology\",\"biological anthropology\",\"biological anthropology\",\"biological anthropology\",\"digging stick\",\"digging stick\",\"biocultural diversity\",\"biocultural diversity\",\"exocannibalism\",\"marija gimbutas\",\"marija gimbutas\",\"marija gimbutas\",\"data editing\",\"cultural nationalism\",\"cultural nationalism\",\"cultural nationalism\",\"cultural nationalism\",\"cultural nationalism\",\"cultural nationalism\",\"cultural nationalism\",\"cultural nationalism\",\"cultural nationalism\",\"cultural nationalism\",\"cultural nationalism\",\"cultural nationalism\",\"cultural nationalism\",\"theta criterion\",\"theta criterion\",\"list of timothy asch films\",\"trobriand islands\",\"trobriand islands\",\"trobriand islands\",\"trobriand islands\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"cultural anthropology\",\"archaeology\",\"archaeology\",\"archaeology\",\"archaeology\",\"archaeology\",\"archaeology\",\"archaeology\",\"archaeology\",\"archaeology\",\"archaeology\",\"archaeology\",\"archaeology\",\"archaeology\",\"archaeology\",\"archaeology\",\"archaeology\",\"archaeology\",\"archaeology\",\"archaeology\",\"archaeology\",\"archaeology\",\"archaeology\",\"archaeology\",\"archaeology\",\"archaeology\",\"standard cross-cultural sample\",\"standard cross-cultural sample\",\"standard cross-cultural sample\",\"standard cross-cultural sample\",\"standard cross-cultural sample\",\"ethnozoology\",\"ethnozoology\",\"ethnozoology\",\"ethnozoology\",\"ethnozoology\",\"ethnozoology\",\"ethnozoology\",\"ethnozoology\",\"ethnozoology\",\"ethnozoology\",\"ethnozoology\",\"ethnozoology\",\"ethnozoology\",\"polygyny\",\"polygyny\",\"polygyny\",\"polygyny\",\"polygyny\",\"polygyny\",\"polygyny\",\"polygyny\",\"polygyny\",\"polygyny\",\"netnography\",\"netnography\",\"netnography\",\"netnography\",\"netnography\",\"netnography\",\"netnography\",\"netnography\",\"moana (1926 film)\",\"moana (1926 film)\",\"kriza j\\u00e1nos ethnographic society\",\"kriza j\\u00e1nos ethnographic society\",\"nomadic pastoralism\",\"nomadic pastoralism\",\"nomadic pastoralism\",\"nomadic pastoralism\",\"nomadic pastoralism\",\"nomadic pastoralism\",\"theatre state\",\"theatre state\",\"theatre state\",\"theatre state\",\"johnson cult\",\"johnson cult\",\"johnson cult\",\"cultural radicalism\",\"cultural radicalism\",\"cultural radicalism\",\"cultural radicalism\",\"cultural radicalism\",\"cultural radicalism\",\"cultural radicalism\",\"cultural radicalism\",\"cultural radicalism\",\"logical form (linguistics)\",\"logical form (linguistics)\",\"displacement (linguistics)\",\"critical medical anthropology\",\"critical medical anthropology\",\"culture 21\",\"is the glass half empty or half full?\",\"osteology\",\"osteology\",\"osteology\",\"osteology\",\"osteology\",\"ethnomedicine\",\"ethnomedicine\",\"ethnomedicine\",\"ethnomedicine\",\"ethnomedicine\",\"ethnomedicine\",\"ethnomedicine\",\"ethnomedicine\",\"ethnomedicine\",\"ethnomedicine\",\"ethnomedicine\",\"mosuo women\",\"mosuo women\",\"n\\u01c3ai, the story of a \\u01c3kung woman\",\"n\\u01c3ai, the story of a \\u01c3kung woman\",\"n\\u01c3ai, the story of a \\u01c3kung woman\",\"n\\u01c3ai, the story of a \\u01c3kung woman\",\"transitology\",\"unsaid\",\"unsaid\",\"unsaid\",\"ethnoornithology\",\"ethnoornithology\",\"ethnoornithology\",\"ethnoornithology\",\"anthropology of art\",\"anthropology of art\",\"anthropology of art\",\"anthropology of art\",\"anthropology of art\",\"anthropology of art\",\"anthropology of art\",\"anthropology of art\",\"anthropology of art\",\"anthropology of art\",\"leveling mechanism\",\"leveling mechanism\",\"cultural practice\",\"cultural practice\",\"cultural practice\",\"cultural practice\",\"cultural practice\",\"cultural practice\",\"cultural practice\",\"cultural practice\",\"area studies\",\"area studies\",\"area studies\",\"neolinguistics\",\"online ethnography\",\"online ethnography\",\"online ethnography\",\"online ethnography\",\"online ethnography\",\"online ethnography\",\"online ethnography\",\"online ethnography\",\"online ethnography\",\"nutritional anthropology\",\"nutritional anthropology\",\"nutritional anthropology\",\"nutritional anthropology\",\"nutritional anthropology\",\"nutritional anthropology\",\"nutritional anthropology\",\"nutritional anthropology\",\"nutritional anthropology\",\"nutritional anthropology\",\"human terrain system\",\"reciprocity (cultural anthropology)\",\"reciprocity (cultural anthropology)\",\"reciprocity (cultural anthropology)\",\"reciprocity (cultural anthropology)\",\"nation state\",\"nation state\",\"nation state\",\"nation state\",\"nation state\",\"nation state\",\"squib (writing)\",\"oikofobie. de angst voor het eigene\",\"university of san diego\",\"university of san diego\",\"raptio\",\"topic and comment\",\"topic and comment\",\"circumscription theory\",\"hawaiian ethnobiology\",\"bioculture\",\"bioculture\",\"bioculture\",\"bioculture\",\"bioculture\",\"bioculture\",\"bioculture\",\"culture theory\",\"culture theory\",\"culture theory\",\"culture theory\",\"culture theory\",\"culture theory\",\"culture theory\",\"culture theory\",\"culture theory\",\"culture theory\",\"culture theory\",\"culture theory\",\"culture theory\",\"culture theory\",\"culture theory\",\"culture theory\",\"culture theory\",\"pitt rivers museum\",\"list of matrilineal or matrilocal societies\",\"list of matrilineal or matrilocal societies\",\"list of matrilineal or matrilocal societies\",\"sedentism\",\"sedentism\",\"sedentism\",\"sedentism\",\"michelle rosaldo book prize\",\"applied anthropology research methods\",\"reflexivity (social theory)\",\"reflexivity (social theory)\",\"reflexivity (social theory)\",\"reflexivity (social theory)\",\"frazer lecture\",\"neuroanthropology\",\"neuroanthropology\",\"neuroanthropology\",\"neuroanthropology\",\"neuroanthropology\",\"neuroanthropology\",\"chinese kinship\",\"chinese kinship\",\"deep history\",\"museum of archaeology and anthropology, university of cambridge\",\"museum of archaeology and anthropology, university of cambridge\",\"media linguistics\",\"transnational progressivism\",\"transnational progressivism\",\"transnational progressivism\",\"transnational progressivism\",\"transnational progressivism\",\"performance studies\",\"performance studies\",\"performance studies\",\"performance studies\",\"performance studies\",\"performance studies\",\"performance studies\",\"performance studies\",\"performance studies\",\"proverbial phrase\",\"ethnobiology\",\"ethnobiology\",\"ethnobiology\",\"ethnobiology\",\"ethnobiology\",\"ethnobiology\",\"ethnobiology\",\"ethnobiology\",\"heritage commodification\",\"heritage commodification\",\"ethnic religion\",\"ethnic religion\",\"ethnic religion\",\"ceremonial pole\",\"ceremonial pole\",\"semiotic anthropology\",\"semiotic anthropology\",\"semiotic anthropology\",\"semiotic anthropology\",\"semiotic anthropology\",\"emic and etic\",\"emic and etic\",\"emic and etic\",\"emic and etic\",\"emic and etic\",\"emic and etic\",\"emic and etic\",\"theory of language\",\"theory of language\",\"theory of language\",\"ethnosymbolism\",\"ethnosymbolism\",\"toloy\",\"communicative dynamism\",\"nanook of the north\",\"nanook of the north\",\"cultural movement\",\"cultural movement\",\"cultural movement\",\"cultural movement\",\"shell money\",\"shell money\",\"linguistic anthropology\",\"linguistic anthropology\",\"linguistic anthropology\",\"linguistic anthropology\",\"harvest hills cooperative community\",\"neural adaptation\",\"ethnoichthyology\",\"microexpression\",\"paleopathology\",\"paleopathology\",\"paleopathology\",\"transcultural nursing\",\"transcultural nursing\",\"noel ignatiev\",\"postmodernist anthropology\",\"postmodernist anthropology\",\"alliance theory\",\"alliance theory\",\"alliance theory\",\"alliance theory\",\"alliance theory\",\"alliance theory\",\"alliance theory\",\"general semantics\",\"culture hero\",\"culture hero\",\"linguistic relativity\",\"linguistic relativity\",\"classificatory kinship\",\"matrilocal residence\",\"matrilocal residence\",\"ethnolichenology\",\"cultural relativism\",\"cultural relativism\",\"cultural relativism\",\"cultural relativism\",\"zooarchaeology\",\"paleoradiology\",\"feminist anthropology\",\"arthur evans\"]},\"selected\":{\"id\":\"5465\"},\"selection_policy\":{\"id\":\"5464\"}},\"id\":\"3651\",\"type\":\"ColumnDataSource\"},{\"attributes\":{\"text\":\"Community: 5\",\"text_font_size\":\"16pt\"},\"id\":\"3578\",\"type\":\"Title\"},{\"attributes\":{\"line_alpha\":{\"value\":0.8},\"line_width\":{\"value\":0.1}},\"id\":\"3742\",\"type\":\"MultiLine\"},{\"attributes\":{\"axis\":{\"id\":\"3628\"},\"dimension\":1,\"grid_line_color\":null,\"ticker\":null},\"id\":\"3631\",\"type\":\"Grid\"},{\"attributes\":{\"above\":[{\"id\":\"3709\"},{\"id\":\"3710\"}],\"below\":[{\"id\":\"3690\"}],\"center\":[{\"id\":\"3693\"},{\"id\":\"3697\"}],\"height\":333,\"left\":[{\"id\":\"3694\"}],\"renderers\":[{\"id\":\"3711\"}],\"title\":{\"id\":\"5411\"},\"toolbar\":{\"id\":\"3703\"},\"width\":333,\"x_range\":{\"id\":\"3681\"},\"x_scale\":{\"id\":\"3686\"},\"y_range\":{\"id\":\"3682\"},\"y_scale\":{\"id\":\"3688\"}},\"id\":\"3683\",\"subtype\":\"Figure\",\"type\":\"Plot\"},{\"attributes\":{\"graph_layout\":{\"1890s in anthropology\":[13.193356089200156,-14.663567154323138],\"1910s in anthropology\":[48.74153741602804,6.310728061654156],\"1990s in anthropology\":[-21.544639961077102,45.15001448725847],\"2000s in anthropology\":[-18.348926118251182,-12.914760002688617],\"after saturday comes sunday\":[-163.45223228942132,24.80283332681045],\"age set\":[105.51375824703517,126.86033349480644],\"alliance theory\":[-7.63820719712028,85.94675290594786],\"americanoid\":[0.2667206889420305,-10.07925484808989],\"anthrobotics\":[-6.664768759328495,-16.243573845977494],\"anthropological index online\":[-67.544885184166,47.59704940730823],\"anthropological survey of india\":[64.12215704635084,149.7296962200693],\"anthropology\":[-16.92012566564644,17.00704177033888],\"anthropology of art\":[16.17889420342049,47.836078376613884],\"anthropology of institutions\":[-45.57104951110329,57.55132089686773],\"aparna rao\":[35.16817958006352,8.962039100387267],\"applied anthropology research methods\":[-66.35054579235386,37.80224434210657],\"archaeology\":[-86.3234542122718,-19.168320004991894],\"area studies\":[-93.22804091282431,36.32552159403355],\"argentine forensic anthropology team\":[-171.62232012675133,-76.81342786109845],\"arthur evans\":[-98.83854594030907,-129.08173899660844],\"australian aboriginal kinship\":[42.10863580367502,95.57355876837211],\"behavioral pharmacology\":[-111.21741810713672,-128.48057331017628],\"bibliography of anthropology\":[-65.2549551680462,79.1518349909798],\"biocultural anthropology\":[-47.58136061024625,6.804752854778766],\"biocultural diversity\":[-49.77615017472538,-58.90565023899354],\"bioculture\":[-55.263769810645435,239.758032129765],\"biological anthropology\":[-80.44946890158067,20.03669363551338],\"biological organisation\":[27.846490136586613,-101.16258565321793],\"biophilia hypothesis\":[73.190896989655,-77.69007078908851],\"bioregionalism\":[31.68442598350053,-98.16967844884142],\"ceremonial pole\":[89.87886350658147,17.506029094609396],\"challengeaccepted\":[-61.141440819188325,-16.206676762849508],\"cha\\u00eene op\\u00e9ratoire\":[-112.59011129674361,-14.309715093433141],\"chinese kinship\":[49.32239853654776,117.51515057759694],\"circumscription theory\":[97.58104760136509,132.52746280905265],\"civilization state\":[-11.516067619780207,-122.31622206795092],\"classificatory kinship\":[30.55010780631254,88.7831008604947],\"coercion, capital, and european states, ad 990\\u20131992\":[31.740496107351465,-139.9440455996669],\"cognitive anthropology\":[-2.5950565056275168,60.2744838805606],\"cognized environment\":[-116.02050776825699,51.229916874050346],\"communicative dynamism\":[-197.7295935572393,26.11567639504889],\"conspicuous conservation\":[78.73001989836006,-128.84809681613652],\"contrast set\":[-11.256613442471853,-9.39044465038351],\"cornell-peru project\":[2.7205296502831695,-17.372207504434687],\"craig stanford\":[-118.6956973348409,12.943455984944274],\"critical medical anthropology\":[31.08088157462039,26.327854466294692],\"cultural anthropology\":[31.661074862155846,119.59417014143193],\"cultural liberalism\":[-25.21441536615481,234.00253881098982],\"cultural mapping\":[-22.334426190069944,200.33943077263572],\"cultural memory\":[-34.96734991054808,194.56084684632233],\"cultural movement\":[-25.14573397421493,213.4480730648862],\"cultural nationalism\":[-3.2396598957624425,201.56311596170542],\"cultural practice\":[-19.793469570209734,243.30769461308776],\"cultural radicalism\":[-62.562988078198956,206.52313405064646],\"cultural relativism\":[-51.30710406984305,133.8207577800781],\"cultural resource management\":[-40.31488658855369,45.91504288744843],\"culture 21\":[-67.30790171115106,178.54540873916855],\"culture hero\":[-12.143327876181505,222.09670361979167],\"culture theory\":[-30.279781979452643,145.24334117482888],\"culturgen\":[-37.15737499967719,233.8366407924748],\"das argument\":[-65.35771534629869,161.9809325749706],\"das mutterrecht\":[-99.05320931296029,-44.00064259056173],\"data editing\":[-117.66098980771102,-40.79408463025247],\"decoloniality\":[-131.37828248219913,-10.321570049832529],\"deep history\":[-108.96555303021864,-7.203945961549383],\"deep play: notes on the balinese cockfight\":[-103.9964658549214,100.9935635216603],\"development anthropology\":[66.2866704912436,85.56819487108373],\"diane bell (anthropologist)\":[36.94885568059973,81.8362302170308],\"digging stick\":[-98.21064387337114,-1.6243874229915032],\"direct historical approach\":[-84.28543803269328,-103.5824682824413],\"disability anthropology\":[18.470941351582564,61.85809449658704],\"displacement (linguistics)\":[-185.21818335815215,9.888647960842892],\"dominic boyer\":[-135.30560991251164,-105.60792951232598],\"east european politics\":[-134.76566416094082,42.82181700274093],\"ecofeminism\":[31.474720548004726,-38.2219540291373],\"ecological anthropology\":[9.273620319708051,-36.635510655176724],\"educational anthropology\":[14.391947613041209,-9.9830705272051],\"emic and etic\":[-34.40705418607688,65.19756627942276],\"encyclopedia of anthropology\":[22.70342260918396,-11.05585094588924],\"endocannibalism\":[-126.8101399431133,-80.30127288528196],\"endocast\":[-97.368360677576,117.93226286310475],\"ethnic religion\":[-26.816521388263542,-107.08820183139579],\"ethnoarchaeology\":[-47.05137041250719,-122.8996145578968],\"ethnobiology\":[-13.33988137691229,-95.0923049812489],\"ethnoichthyology\":[12.841728023432522,-111.96761559723629],\"ethnolichenology\":[0.16589685781891378,-127.36226708489484],\"ethnomedicine\":[10.505947703833034,-65.96118665056872],\"ethnomuseology\":[-21.707446641520296,-45.95312124947259],\"ethnoornithology\":[6.219038991047042,-120.84051878821228],\"ethnopediatrics\":[-11.862547273249339,-18.52389803102138],\"ethnosymbolism\":[-21.707939710248045,-117.252734799132],\"ethnozoology\":[-28.227606065616683,-87.80165318652988],\"exocannibalism\":[-93.19068945763368,-53.11668289619795],\"f. g. bailey\":[94.1880620558988,123.14061558388718],\"facial expression\":[-237.23902631636952,-2.8568986325945542],\"family disruption\":[80.70989837464786,102.17402724263061],\"faye v. harrison\":[-87.98923292917326,-58.7354832595415],\"feminist anthropology\":[18.73854395358871,85.42401039084186],\"fordisc\":[-186.5142022619156,37.545134917721455],\"franciscan school of theology\":[93.49238418665672,225.95447755069836],\"frazer lecture\":[-115.72657372110487,-164.58015968277465],\"gaonburha\":[-36.75836464179539,-7.846216334456779],\"gender and development\":[67.1934644425713,-63.555327620607244],\"general semantics\":[-153.4278678954745,97.73272036105737],\"georg pfeffer\":[9.111299984041716,4.366097736014585],\"grave goods\":[-95.11185550353771,4.080848225996433],\"greenwashing\":[45.85563828947211,-95.66896570569634],\"guatemalan forensic anthropology foundation\":[-203.80863931676143,-98.34089863708601],\"harvest hills cooperative community\":[-192.49524459322163,-3.4482158146966966],\"hau (anthropology)\":[-21.535201769703516,-17.42177170900976],\"hawaiian ethnobiology\":[5.283719472425478,-157.07492800262878],\"heel\\u2013ball index\":[-105.75985493192893,11.696415024314662],\"heritage commodification\":[97.15820907177368,82.67018585261793],\"high culture\":[-33.692436980590266,254.90298684672427],\"historical behaviour studies\":[22.191674782328832,70.35975790871504],\"hoi polloi\":[-32.526867000399676,323.43342278122446],\"human ecology\":[-9.345790386083982,-61.97968429310434],\"human ethology\":[9.854632701485896,71.17935550349179],\"human terrain system\":[-56.9565793864482,47.27179023439864],\"human universals\":[-14.054113913143203,68.79962913068182],\"hunting hypothesis\":[-108.25058185952314,32.22128106374337],\"identity (social science)\":[-42.856769721993295,-75.79104815071064],\"identity crisis\":[-76.13276512867992,-160.4775841981987],\"indian sociological society\":[-68.87023421279024,6.391378250954091],\"influence: science and practice\":[-4.519760828779713,-7.030205232925804],\"international area studies review\":[-132.4093473240731,35.429035205380906],\"is the glass half empty or half full?\":[-164.1829749780524,74.24277675009378],\"iza institute of labor economics\":[132.83274508777615,117.05056441439794],\"johnson cult\":[120.93869374959833,141.69088986905317],\"journal of ethnobiology\":[-3.226682492347714,-159.0299948996783],\"kenneth boulding's evolutionary perspective\":[85.64090443741217,-225.90770819582258],\"kriza j\\u00e1nos ethnographic society\":[-121.49192091385291,2.8984366740478027],\"lambda alpha\":[12.170047073929533,-3.9795414304332555],\"laura boulton\":[67.87310373441775,8.73652075457337],\"les ma\\u00eetres fous\":[79.81997850906193,9.134002894300044],\"leveling mechanism\":[104.52706516869267,117.69203402605197],\"linguistic anthropology\":[-87.32043762963018,69.54550539975821],\"linguistic description\":[-92.54268604955222,88.81092366581044],\"linguistic linked open data\":[-184.69707321707898,3.3157471436807096],\"linguistic relativity\":[-127.07475471930434,79.45544881429986],\"linguistics\":[-148.4970468168995,11.942632221190026],\"linguistics in science fiction\":[-172.18017166303756,70.02692309238411],\"list of anthropologists\":[-100.30320881483743,-66.42704445236568],\"list of matrilineal or matrilocal societies\":[34.024765729067084,41.81241940123104],\"list of timothy asch films\":[232.9310543981044,10.756071572480527],\"list of visual anthropology films\":[115.11423384420983,35.5309589379056],\"list of women anthropologists\":[-125.31935789442566,-88.80171248161604],\"list of years in anthropology\":[-52.519110409811354,73.12877640469699],\"logical form (linguistics)\":[-182.81165217293437,27.07031296662164],\"magical death\":[199.41008664225333,17.846584035043527],\"magna carta for philippine internet freedom\":[-18.782933871834548,-184.92926803037813],\"maloca\":[17.417086045809146,-6.104883524166639],\"marija gimbutas\":[-139.60075213737508,-66.85268836525717],\"matrilocal residence\":[35.469001750108575,57.093851399043054],\"maya research program\":[-121.17616261989268,-46.01837841311585],\"media linguistics\":[-195.12740020177566,0.09938819847290664],\"medical anthropology\":[1.8592385424790077,47.37759098295395],\"michelle rosaldo book prize\":[59.91865285789078,122.87320758559869],\"microexpression\":[-227.00369379768324,-4.46004039271466],\"moana (1926 film)\":[154.10050541984342,15.644804020624072],\"mosuo women\":[43.957638238604964,108.28852129268171],\"moving anthropology student network\":[-0.7965720806904335,-15.435093164123803],\"multimodal anthropology\":[61.2408470350904,155.06591081583494],\"museo de antropolog\\u00eda de xalapa\":[80.51683727628725,58.57115259951708],\"museo nacional de antropolog\\u00eda (madrid)\":[27.400333957726463,70.61089265855726],\"museu da lourinh\\u00e3\":[-114.52880507130043,-47.522003209036136],\"museum of archaeology and anthropology, university of cambridge\":[89.317434314706,47.8586089711016],\"museum of mankind\":[-46.510549760230575,105.2545122429903],\"mus\\u00e9e de l'homme\":[-135.56186935061834,-35.04722423431773],\"mus\\u00e9e des confluences\":[12.833617394882223,0.3053113872996498],\"nanook of the north\":[95.99871593502192,32.61784477355692],\"nation state\":[8.453958549401767,-93.70068713114186],\"nation-building\":[-19.52948741160524,-136.62134640583102],\"neolinguistics\":[-192.0717984412386,5.469854664967112],\"netnography\":[-9.620549514621777,-109.74843360369472],\"neural adaptation\":[-191.99000598291315,10.695399046501434],\"neuroanthropology\":[-77.71174760640955,48.58601002592336],\"new york state sociological association\":[-30.716591947313105,-9.833708693260709],\"noel ignatiev\":[35.38659629969611,294.2029019277439],\"nomadic pastoralism\":[101.41956424981582,74.80297100604105],\"nomads of the longbow\":[55.5410500858627,153.67193282858412],\"noosphere\":[64.50113100119141,-196.50193649832937],\"nutritional anthropology\":[52.53102133418402,66.59864802245542],\"n\\u01c3ai, the story of a \\u01c3kung woman\":[80.026979275423,40.58673894561244],\"oikofobie. de angst voor het eigene\":[-87.86429183143736,156.45519756016031],\"online ethnography\":[-34.77115633538418,-38.42050909686904],\"online research methods\":[-57.3118753192446,-65.92265678993684],\"orthograde posture\":[-21.553285903681463,-8.715490491458377],\"osteology\":[-83.27752875013098,-92.12639726964451],\"outline of culture\":[-49.166304087005734,178.2718229925365],\"paleoanthropology\":[-60.25568111421702,93.30454821406431],\"paleopathology\":[-103.74193463298626,-106.14953943028932],\"paleoradiology\":[-140.0635917220086,-158.85066085988302],\"patrilocal residence\":[61.448954374128206,112.69471301526313],\"payment for ecosystem services\":[22.25166049348579,-86.33786366475756],\"peasant economics\":[97.4960160335246,66.79234980831798],\"performance studies\":[-34.36702558375273,83.48322878611155],\"performative activism\":[-157.45067233859083,85.72163199513267],\"performative interval\":[-151.82412347988276,85.81479217061644],\"performativity\":[-116.08822256745708,71.63864153582637],\"pitt rivers museum\":[-109.80888049336149,-28.076436883613166],\"podom\":[9.674776259058289,-8.385258162833992],\"polygyny\":[57.50387487634267,97.65938769637765],\"porter hypothesis\":[16.604893356311532,-82.28260506715708],\"postmodernist anthropology\":[-51.65683294819041,82.89354194435604],\"prickly paradigm press\":[-105.41957071984146,-73.20389690716813],\"principle of inalienability of the public domain\":[-172.64837989829448,-47.81562813458171],\"proverb\":[-118.75903121152355,31.85857010836643],\"proverbial phrase\":[-125.48389694849163,62.73367309272719],\"raptio\":[85.81537217727376,133.86465211118602],\"reciprocity (cultural anthropology)\":[84.83715024415721,80.77657431107107],\"reflexivity (social theory)\":[-55.70903844891442,102.12148252832517],\"regional autonomy\":[36.99881144264622,-135.04791998514554],\"regionalisation\":[-187.4570515620143,-9.469624585844786],\"revisionist school of islamic studies\":[-122.59748075849114,-38.236110198977975],\"riane eisler\":[-98.06546288307081,-85.34591074946432],\"richard rottenburg\":[-25.360372657948727,-13.125712917577953],\"roman question\":[84.48368985903237,-13.189550563246293],\"rossville points\":[-127.13469988892753,-44.97539816097251],\"rudolf virchow award\":[25.80182270147268,14.659963592106452],\"sedentism\":[116.94020445789283,91.79128792511442],\"semiotic anthropology\":[-75.68066990621043,100.71513845447892],\"shell money\":[111.35446972016747,79.12244474158518],\"social degeneration\":[-4.639426796288287,233.1895462181476],\"social organism\":[78.40394523998685,-225.33672944004616],\"society for medical anthropology\":[39.72319526571783,22.922831230937096],\"sodality (social anthropology)\":[20.307910966416443,-1.3900497745156193],\"solano people\":[4.903507030801235,-9.67346592377643],\"soul dualism\":[61.3541558008856,0.14500420640557726],\"squib (writing)\":[-187.23293996965242,-2.0934709473011495],\"standard cross-cultural sample\":[-21.466136034991173,112.39809232075142],\"svoboda ili smart\":[-14.411572873898807,-189.51169958036076],\"technobiophilia\":[108.05838382792925,-103.27494473006941],\"the great transformation (book)\":[114.19978722256194,67.08236823994699],\"the hebrew goddess\":[66.06307016599185,-3.08269760575082],\"the hunters (1957 film)\":[77.12604947615094,52.0710636011745],\"theatre state\":[101.07081404356866,106.40975588652006],\"theory of language\":[-154.3340632013071,46.648453696795926],\"theta criterion\":[-180.0033437189604,32.12533475696955],\"time & society\":[-13.107677610662032,-13.477603576322283],\"toloy\":[-39.67272925955777,-17.91310476579201],\"tonograph\":[-181.61331121585798,-3.6159104375398337],\"topic and comment\":[-205.85194079227887,15.83601720023973],\"transcultural nursing\":[-40.651748438460885,208.41098094450885],\"transitology\":[-128.82598462180232,41.26762020978994],\"transnational progressivism\":[-49.180567134599265,222.65158312975822],\"trobriand islands\":[61.91533837709258,32.374860817490024],\"university of san diego\":[58.87195499783694,189.26665386084045],\"university of tennessee anthropological research facility\":[-227.91038651853432,43.55126058363519],\"unsaid\":[-234.47342094967004,-10.818499216073729],\"urban revolution\":[-64.02169901047776,-21.888791588356867],\"usc center for visual anthropology\":[7.722189725506152,-15.333306137234857],\"utinahica\":[0.40977279986045995,-4.38350669730427],\"vanua\":[3.9829789561700677,-0.3680435232446369],\"venture capital in spaceflight\":[-119.60651691801573,-51.469439895070195],\"viking fund medal\":[-63.72363540729592,-10.65960417176431],\"village head\":[-6.700640635171945,-10.866928800878233],\"waga sculpture\":[5.61015674843846,-5.195932561830787],\"welfare culture\":[-35.18525228261514,219.7609506165578],\"woman, culture, and society\":[14.33142102006247,34.685983513823814],\"zooarchaeology\":[-58.92577073774701,-91.42673522502987]}},\"id\":\"3658\",\"type\":\"StaticLayoutProvider\"},{\"attributes\":{\"fill_alpha\":{\"field\":\"alpha\"},\"fill_color\":{\"field\":\"node_colour\"},\"size\":{\"field\":\"node_sizes\"}},\"id\":\"3671\",\"type\":\"Circle\"},{\"attributes\":{\"active_multi\":null,\"active_scroll\":{\"id\":\"3567\"},\"tools\":[{\"id\":\"3566\"},{\"id\":\"3567\"},{\"id\":\"3568\"},{\"id\":\"3569\"},{\"id\":\"3570\"}]},\"id\":\"3571\",\"type\":\"Toolbar\"},{\"attributes\":{},\"id\":\"5462\",\"type\":\"UnionRenderers\"},{\"attributes\":{\"above\":[{\"id\":\"3577\"},{\"id\":\"3578\"}],\"below\":[{\"id\":\"3558\"}],\"center\":[{\"id\":\"3561\"},{\"id\":\"3565\"}],\"height\":333,\"left\":[{\"id\":\"3562\"}],\"renderers\":[{\"id\":\"3579\"}],\"title\":{\"id\":\"5407\"},\"toolbar\":{\"id\":\"3571\"},\"width\":333,\"x_range\":{\"id\":\"3549\"},\"x_scale\":{\"id\":\"3554\"},\"y_range\":{\"id\":\"3550\"},\"y_scale\":{\"id\":\"3556\"}},\"id\":\"3551\",\"subtype\":\"Figure\",\"type\":\"Plot\"},{\"attributes\":{},\"id\":\"5448\",\"type\":\"NodesOnly\"},{\"attributes\":{},\"id\":\"3691\",\"type\":\"BasicTicker\"},{\"attributes\":{\"formatter\":{\"id\":\"5438\"},\"major_label_policy\":{\"id\":\"5440\"},\"ticker\":{\"id\":\"3629\"},\"visible\":false},\"id\":\"3628\",\"type\":\"LinearAxis\"},{\"attributes\":{},\"id\":\"5463\",\"type\":\"Selection\"},{\"attributes\":{\"formatter\":{\"id\":\"5425\"},\"major_label_policy\":{\"id\":\"5427\"},\"ticker\":{\"id\":\"3559\"},\"visible\":false},\"id\":\"3558\",\"type\":\"LinearAxis\"},{\"attributes\":{\"end\":250,\"start\":-250},\"id\":\"3682\",\"type\":\"Range1d\"},{\"attributes\":{\"graph_layout\":{\"abnormal psychology\":[-14.94324629054975,-22.61294512169006],\"acceptance and commitment therapy\":[-9.277622167218244,124.18079778635169],\"accuracy and precision\":[-170.54379254693572,-131.99456194437812],\"adlerian\":[32.82614782003358,99.34637292614057],\"afrobarometer\":[-190.83404043792328,-304.76168797459957],\"aion: researches into the phenomenology of the self\":[-45.20113074506978,143.61564939968665],\"alchemical studies\":[-59.44536257790141,130.27508563820248],\"alter ego\":[39.60514358112789,212.90165275394108],\"altered state of consciousness\":[-66.73362809201343,109.36083131564797],\"altered states\":[-114.05496397911057,301.35563177886104],\"ambidexterity\":[36.74796729383265,-95.69786236333996],\"american association for the abolition of involuntary mental hospitalization\":[161.87309543445008,-74.12354083530354],\"analysis of rhythmic variance\":[-154.8591499295913,-389.22796814558063],\"anhedonia\":[129.34486653807545,-8.930180592128313],\"answer to job\":[-51.99370513702208,127.8953812366929],\"anti-psychiatry\":[95.78017989537344,-27.233868030727173],\"applied psychological measurement\":[-211.80700403344665,-233.83749050932252],\"archibald crossley\":[-200.73069367341085,-383.90241156611967],\"attachment parenting\":[1.8936740533991294,-76.31633539136114],\"auditory hallucination\":[67.11721828583089,26.719334030673554],\"autogenic training\":[4.129606503131946,136.1457590480745],\"aversives\":[-105.04766742459732,15.571295651989264],\"awareness\":[-90.09678586849704,144.22791887821376],\"barbara rogoff\":[1.1627537261756453,-188.8500869732802],\"behavior\":[-29.75887107320532,28.99929980416353],\"behavioral neuroscience\":[-49.33542717899079,-104.62842571507029],\"behaviour therapy\":[0.022440316810875872,115.60010467137998],\"bicameral mentality\":[-22.4427736143311,-59.86960727924638],\"bipolar i disorder\":[127.56792570090215,3.5895141627666836],\"black hole bomb\":[-145.95192797622337,184.74323695662414],\"blank expression\":[-152.11186975614913,308.989496676779],\"border outpost\":[-138.65942360463472,-57.6856870363501],\"bps barbara wilson lifetime achievement award\":[-13.516952641673596,-265.76098152269964],\"british polling council\":[-82.79356623495855,-143.3757150489769],\"british psychotherapy foundation\":[-0.6504164820990892,91.15625027174013],\"cabin fever\":[166.47948004523698,-11.915913849291755],\"cat intelligence\":[-88.6907314968845,-12.59341731852157],\"categorical perception\":[-123.42551609143818,-65.75480339232003],\"catharsis\":[27.22060124156899,140.09512026016367],\"chaining\":[8.853489422837086,120.73730316587792],\"character computing\":[-42.24911413017496,39.54022502732914],\"chiara bottici\":[131.44770302307217,114.15822206508433],\"child behavior checklist\":[-6.8179809524691946,-190.9613138469832],\"civilization in transition\":[-58.556189796744356,150.8317491990713],\"classical test theory\":[-225.6238196901985,-223.32171674725433],\"cogito, ergo sum\":[-147.85630950725198,32.82582381760377],\"cognitive archaeology\":[-76.95433663216014,-42.45978504054713],\"cognitive bias\":[-80.11612001459137,1.4397695640629746],\"cognitive intervention\":[-1.9862114564031315,167.74919462108627],\"cognitivism (psychology)\":[-116.78866074467558,-116.01721565844512],\"collaboration\":[213.20424087064785,-0.1209466479892078],\"collective memory\":[-149.75157153654362,-187.11712596935715],\"coma\":[-39.08017611785376,209.12328392454998],\"communications management\":[170.25319877930144,-0.529981517632211],\"comparative study of electoral systems\":[-171.38291610166175,-306.9485659066457],\"comprehension approach\":[-274.56943550999193,27.923670773826323],\"conditioned emotional response\":[-99.2444964663126,-100.67037915911652],\"control (management)\":[225.28807803820885,-19.855997568538378],\"conversational model\":[17.697396040070274,142.18679289112083],\"core self-evaluations\":[303.8762438423537,120.11854771887027],\"coverage error\":[-196.43925086805282,-327.5793533059529],\"crazy therapies\":[135.83726534407884,-62.22601388712542],\"creativity\":[22.710126749525383,-73.33279507896759],\"creativity and mental health\":[80.11706291950648,-92.67767703205386],\"crying\":[12.009935261609204,-145.51560318479034],\"dark triad\":[175.49527830541925,137.89252166541505],\"data collection system\":[-153.0482054772779,-280.681602108356],\"david marks (psychologist)\":[-119.3656526477489,-101.61595371830701],\"defence mechanism\":[28.584214892028285,72.06448627559821],\"demonstration effect\":[-48.86944537496368,38.6857919452632],\"detection theory\":[-39.720297144966665,-130.81332461030382],\"developmental psychology\":[-11.923282437333954,-158.07110771761057],\"disordered eating\":[101.20764670574744,32.414514381113975],\"domestic analogy\":[160.28987374429582,131.77722814780398],\"dsm-iv codes\":[98.24153081433762,16.894218599858117],\"dynamicism\":[-200.1654894576367,-140.9906789694556],\"dysthymia\":[118.6538827672354,-1.4375176067406423],\"d\\u00e9j\\u00e0 vu\":[-19.428753367106403,211.79086891596694],\"eating disorder\":[78.54893062310254,13.407251768937],\"ecological psychology\":[-28.36149725777382,-37.6631812015741],\"ego integrity\":[-24.65410080747307,-115.00774265780478],\"egosyntonic and egodystonic\":[55.52161996758011,53.548839767272064],\"entitlement\":[135.9638079405819,136.47236250765297],\"ernest jones\":[32.013301276157996,60.765443038931934],\"ernst mally\":[-134.53603358322044,31.532279394155772],\"eugen relgis\":[46.43687455133706,239.47618358340443],\"european federation of psychologists' associations\":[-41.75673805954183,-213.21013079100373],\"eustress\":[29.139567203777915,-114.58060825078933],\"feeling good: the new mood therapy\":[-8.053821399863834,48.44349003515685],\"field theory (psychology)\":[-143.12729342482461,-96.17050832823264],\"fiscal transparency\":[309.49845729556546,113.63687966967427],\"flashback (psychology)\":[-116.32492161235872,-141.48167238470253],\"flow (psychology)\":[-93.03416075320317,196.82103397003735],\"forensic facial reconstruction\":[23.536416942353203,338.11231753179834],\"freud's seduction theory\":[78.94561989440693,136.81936554786404],\"frieda fromm-reichmann\":[100.17214762010452,-117.339816723782],\"gay, straight, and the reason why\":[-78.9690909901939,-20.434103206168732],\"general knowledge\":[-197.0522369180911,-19.407514273462336],\"geography of antisemitism\":[47.76746409135549,-99.51896496826568],\"gestalt psychology\":[-107.13821216222709,-89.4464199550746],\"gestalt theoretical psychotherapy\":[-145.73589701484227,-101.09136443706414],\"gestaltzerfall\":[-141.521231532581,-91.32719489168929],\"global workspace theory\":[-108.16154372361946,136.36103495410973],\"gnosis (chaos magic)\":[-48.8884260798928,176.65586779180097],\"gotai\":[-130.78861867055875,124.09643051064518],\"guttman scale\":[-264.41958594717556,-245.98032077898728],\"harry harlow\":[-64.227790056765,-84.32112295120181],\"harvey jackins\":[82.52774175558834,70.16248592131494],\"headhunting\":[-160.1214135631918,154.1968160373896],\"helene deutsch\":[46.6582067333312,83.97241942277434],\"hereditarianism\":[-130.9555833297519,-107.32483741912276],\"hermann lotze\":[-125.98189483777053,20.7186520820565],\"hierarchical organization\":[15.939975470987815,-37.44349587160605],\"history of psychotherapy\":[-11.946249825261576,72.2483257587581],\"histrionic personality disorder\":[108.69534248895086,28.08636767134835],\"homo faber\":[-176.79773987074614,-20.45988433591825],\"hong kong college of psychiatrists\":[116.05564354481442,39.86425156461283],\"hypnodermatology\":[-22.79135163517787,193.61801001062008],\"hypnopompic\":[-23.790644768682803,130.30745043489503],\"hypnosis\":[-22.581274060606194,155.53192913466447],\"id, ego and super-ego\":[48.929836784912204,108.57390183933927],\"id\\u00e9e fixe (psychology)\":[-124.80470877262272,-85.2044485945922],\"imaginary audience\":[22.002485988064798,-159.65878871845294],\"index of psychometrics articles\":[-100.11895477006826,-195.02460774371104],\"information metabolism\":[87.90941497737518,92.94686791223943],\"intelligence\":[-93.35597329567517,-65.91836996734739],\"intelligence quotient\":[-76.21175573441518,-152.34382250940948],\"international general medical society for psychotherapy\":[-63.44936074233569,175.24453126455634],\"international journal of public opinion research\":[-219.71362463378637,-419.32588849392806],\"interpersonal neurobiology\":[-52.251201857713994,-163.54181242119378],\"interviewer effect\":[-224.97999167524128,-416.40083227062894],\"ipm (software)\":[-182.25101512831696,-358.627147394433],\"jacqueline rose\":[138.12746408753898,179.65791022819167],\"james\\u2013lange theory\":[-148.32793231780371,4.2378964103437715],\"jenkins activity survey\":[-118.57701029285276,-196.4743487073106],\"joint attention\":[-223.78618657908478,48.02213363438189],\"journal of the american psychoanalytic association\":[78.4566801584756,115.87162718924168],\"just-noticeable difference\":[-32.10137421984363,-167.19188713715874],\"kurt koffka medal\":[-45.08953794099122,-158.82586050094528],\"lag operator\":[-156.82164592268703,-395.24790207190244],\"land management\":[228.59276891327357,-11.83416760332143],\"laterality\":[18.565727464347937,-97.1972859685333],\"latin american public opinion project\":[-217.06963901981425,-321.82024853828386],\"law of effect\":[-94.91919773453554,-15.949962701559498],\"law of the instrument\":[-20.668301299237843,5.1593358876972495],\"learning\":[-57.71067278097143,-60.70822164357623],\"life and how to survive it\":[69.20380159751299,150.3200257402884],\"life-process model of addiction\":[-48.147491101103526,45.55633448796187],\"lila: an inquiry into morals\":[51.31779523256782,242.34087516645357],\"list of cognitive biases\":[-80.84717186391389,29.33929759851096],\"list of credentials in psychology\":[6.075502454340062,-54.12356625418396],\"list of cycles\":[-31.624280955956824,293.60508234943325],\"list of mental disorders\":[110.89307433387816,13.19996698939004],\"list of mnemonics\":[-45.372962390577456,-12.33069167889845],\"list of neurological conditions and disorders\":[93.80578262939902,57.61987539413751],\"list of psychiatric medications\":[93.63387678178923,25.861394838830563],\"list of psychiatric medications by condition treated\":[93.61408892687791,9.57372899780953],\"list of psychological research methods\":[-65.60662128125205,-118.76190670902699],\"list of psychological schools\":[-31.07704082047261,-77.75834102123427],\"list of psychology awards\":[-21.863502444431976,-236.3819894592087],\"list of psychology organizations\":[-63.235189823498104,-144.6451961294175],\"list of rugrats characters\":[-157.1631302853358,305.8318177480222],\"list of schools of psychoanalysis\":[19.024231195363082,72.05249691090187],\"little albert experiment\":[-121.18313100462542,-41.50395897300251],\"live free or die\":[-149.86852311967394,379.57197656110066],\"maceration (bone)\":[18.97627929674288,301.07112173257485],\"mad pride\":[147.26414737113012,-77.61821630933893],\"major depressive disorder\":[69.0683473948544,2.9474575310264113],\"making peace\":[123.15352593150321,126.80868855608554],\"managerialism\":[219.1496113378294,-12.311871803242251],\"mania\":[69.35798434322777,-13.91623271262139],\"marcellina (gnostic)\":[-125.74717121048488,129.42910153258302],\"marie-louise von franz\":[-60.55096812283329,139.40127931114537],\"mars needs moms\":[-125.300555162823,121.60600651615036],\"martti olavi siirala\":[82.66985813864457,95.94675533088683],\"matrix management\":[29.28044751973068,-43.37971951631353],\"max scheler\":[-192.43632822660035,13.842778115446123],\"medical psychology\":[-80.99575641970907,-97.91071712758196],\"medicalization\":[157.04041872092785,-57.68842904693269],\"memory space (social science)\":[-169.39886999068256,-206.06366241363952],\"menninger foundation\":[20.057342984516648,129.2220395485082],\"mentalization\":[-162.68576200232758,-445.7047999090282],\"meta learning\":[-159.81544480252558,-423.45338087274433],\"metanoia (psychology)\":[-67.11734534293173,169.10065008262623],\"mindfreedom international\":[143.66287560402642,-55.674423279526934],\"models of abnormality\":[-46.84331118522554,-119.47244517561128],\"moralia\":[-146.93394930193185,133.04995325446248],\"mortido\":[39.37332773433432,124.02483403496073],\"motivational salience\":[144.18799779733692,43.86602754621458],\"mourning and melancholia\":[67.61302999525299,123.69139410199482],\"multidimensional aptitude battery ii\":[-79.6185461785413,-187.33761541491268],\"music psychology\":[-23.746854843093793,-94.88003106414195],\"national association of school psychologists\":[-63.96108415014668,-180.7884889901721],\"nations and iq\":[-60.11368186982791,-135.25621657578867],\"naturalistic observation\":[-6.615632423872669,-181.74188452252028],\"necropolitics\":[13.714098895146753,260.3092607818123],\"neutral stimulus\":[-136.78664881533513,-8.918142878868489],\"nobody nowhere\":[68.9686168755068,-151.8216837878569],\"nominate (scaling method)\":[-295.4169267727129,-264.77161577540625],\"non-sampling error\":[-192.17277832081933,-335.15979049114225],\"normalcy bias\":[-100.14208857888062,27.723607588815707],\"nurturant parent model\":[18.767116452412964,-123.30289064634643],\"object relations theory\":[11.992156354026779,32.40447035737654],\"obliviousness\":[-113.17468195311501,169.0512439705887],\"obtundation\":[-43.53549299224119,273.067585103647],\"occupational health psychology\":[-45.13349323989506,-90.44357244637828],\"on narcissism\":[90.53188379222425,121.46941239817127],\"open music model\":[303.7169327955898,113.86029842170252],\"open-mindedness\":[320.2810916441274,119.81141347684165],\"openness\":[284.6407006569206,105.63558851587888],\"opinion poll\":[-171.62880947879773,-333.42102934667605],\"oskar pfister award\":[-21.108609421996157,-264.6226112838737],\"outline of autism\":[48.46271961913557,-121.7892942739154],\"outline of psychology\":[-9.888281482298959,-49.33357053382887],\"outline of thought\":[-65.9199059760521,15.904049979845206],\"paid survey\":[-207.2393763311536,-307.34819643183783],\"paradoxical intention\":[-128.31751864703273,-190.3920723587507],\"passing on the right\":[219.92289343016574,-69.21308923013598],\"pattern recognition (psychology)\":[-133.57622171455085,-74.92321635752165],\"paul ferdinand schilder\":[-148.2524116981596,-92.60500339341552],\"performance\":[177.58429960557334,-28.173049546201344],\"persistent vegetative state\":[-31.241966888889504,264.2523833018672],\"piaget's theory of cognitive development\":[1.5829431590100282,-138.31785332256672],\"poker\":[-143.7395915057964,286.57962775795727],\"politics of memory\":[-152.02655591158518,-176.8941042293739],\"post-cognitivist psychology\":[-227.62736782188796,-148.95369304996956],\"postpartum confinement\":[83.57146450194581,-11.527394770388486],\"preconscious\":[24.420474119562456,84.88862444035736],\"probability matching\":[-105.00447932595742,40.878948897943616],\"prohibition of dying\":[12.150195287047062,252.16353318917135],\"proportionality bias\":[-99.24873031027765,21.698127801607146],\"pseudodysphagia\":[-16.19354316272662,-9.818746565145725],\"psycho-oncology\":[125.95633381858794,30.33433521091664],\"psychoanalysis\":[56.22880631772926,72.3565817067324],\"psychoanalytic theory\":[40.2832117715039,-9.070506254840145],\"psychohistory\":[-43.43132971570478,-74.77387074801763],\"psychoinformatics\":[-124.53458211212863,-195.29949319896247],\"psychological evaluation\":[117.22436147218251,62.87837473237105],\"psychological resistance\":[97.65805522035527,75.13015187538933],\"psychological statistics\":[-193.491460623094,-218.2563351387984],\"psychometrics\":[-106.6609133712471,-163.5774378028868],\"psychomotor retardation\":[115.10979602721706,-20.35277591239085],\"psychonautics\":[-66.63485773548815,194.88166771147138],\"public opinion and activism in the terri schiavo case\":[-35.13572603488045,300.03339873585094],\"public opinion quarterly\":[-213.06510661831277,-398.04661369588496],\"quantitative psychological research\":[-81.17631286016878,-126.10344984185845],\"quantitative research\":[-67.98437901480538,-107.64611133488359],\"race and intelligence\":[-90.73355238315318,-125.91912973579709],\"radical psychology network\":[134.85808826979425,-71.5097862194072],\"reasoned action approach\":[-53.24616720164364,47.61538277884466],\"relational developmental systems\":[-5.651187426266227,-185.96646837189795],\"reliability (statistics)\":[-193.7396121226449,-182.06544364180962],\"repeatability\":[-202.01192561262408,-164.71764001771814],\"repertory grid\":[-93.13574237210591,-113.61369329611325],\"requisite organization\":[32.7784920740058,-48.10059361996335],\"roper center for public opinion research\":[-175.92010452638252,-358.49861529816934],\"sarnoff a. mednick\":[45.24977395938435,-88.56936052402537],\"sascha altman dubrul\":[145.9117462646991,-65.19810353467183],\"scale analysis (statistics)\":[-275.6349210936932,-252.66861357110434],\"schizotypy\":[84.32541910416529,-69.13069863604358],\"seasonal affective disorder\":[105.85505360792354,-9.286443637446144],\"secular variation\":[-149.38171178134493,-388.83162461756785],\"self-assessment\":[29.64579628778708,-251.42796315622687],\"self-awareness\":[-120.0687405056234,49.888955113275806],\"self-hypnosis\":[-23.494919384671004,178.90200187805456],\"sensory threshold\":[-37.48043309553877,-169.45804555766978],\"sequential probability ratio test\":[-246.20191118833753,-235.5576056329423],\"shadow (psychology)\":[-16.857250687659516,88.30669541259802],\"shrunken head\":[-183.30168328089354,172.9268765959032],\"sid parnes\":[45.969659600356685,-94.43685668015577],\"slain in the spirit\":[-16.739947659631255,191.01883375544682],\"sleep and learning\":[-37.901971803271934,91.26812867097709],\"sleep-learning\":[-53.888541558939444,105.02845901489623],\"social cognition and interaction training\":[-37.169079879907144,7.112474872843493],\"sociometric status\":[18.189601734209663,-225.7720643224954],\"sopor (sleep)\":[-43.20815043216222,264.38618797298085],\"soul\":[-99.28194611900695,106.79391096891992],\"spearman medal\":[-15.871398605309983,-260.59451565939423],\"specialist in psychology\":[2.504814034009109,-182.29170611536324],\"statistical inference\":[-156.82985130925718,-307.4553143670824],\"strict father model\":[14.844456793895406,-134.43229701085477],\"subconscious\":[-57.117002879646726,94.04185390783401],\"substitutes for leadership theory\":[-42.03700023969713,45.71696652104016],\"superiority complex\":[110.86439070424642,123.19303748737858],\"survey data collection\":[-179.03562716074856,-296.56301778187594],\"sustainable development goal 12\":[-108.86905233305379,173.15303139786644],\"swanson, nolan and pelham teacher and parent rating scale\":[-102.13065930487312,-121.17404289060529],\"sybil (schreiber book)\":[-29.01812519380916,191.23863849573604],\"taboo (2002 tv series)\":[-137.63410607395957,353.5123626405987],\"task analysis\":[-17.41559876144932,48.44211076411938],\"taste (sociology)\":[55.21619891124301,-54.14829247023511],\"the culture of narcissism\":[158.5365372301845,148.5480880680757],\"the emperor's new mind\":[-124.92423497842596,160.87918297350208],\"the establishment (pakistan)\":[-130.66445541653945,-60.41147008688581],\"the freudian coverup\":[97.39067852016622,169.48624623364242],\"the independent review\":[185.06690987021582,-58.21974631127503],\"the journal of politics\":[148.47162337466074,148.85375925845014],\"the white goddess\":[178.1158474763794,229.57733615320709],\"the witch-cult in western europe\":[193.6701145657106,249.5439629056205],\"time series\":[-152.4670869128571,-367.08305987688556],\"time warp edit distance\":[-148.57718790028963,-396.2670442154016],\"timeline of psychology\":[-56.770512726253735,-27.284159978612863],\"timeline of psychotherapy\":[25.840133078076395,-13.951166890468347],\"tortured artist\":[103.98339759192255,-113.08230335980457],\"total survey error\":[-181.2605657796455,-323.88089732530403],\"trait ascription bias\":[-110.01556058401718,-35.33318747428323],\"transliminality\":[68.05515827838762,-84.62958060956365],\"transpersonal psychology\":[-44.44174646057625,-39.08098632446514],\"two-factor theory of emotion\":[-115.83050678518731,-2.9673280475089],\"unevenly spaced time series\":[-162.10110298972586,-390.4578529019698],\"unipolar mania\":[82.85985065640476,-40.18493882751049],\"values modes\":[-207.85363343261557,-338.8995050410335],\"verbal behavior\":[-107.09165369256054,-107.59728581413917],\"vocabulary development\":[-248.9962527692427,22.411799966466415],\"volume index\":[21.89495131890757,165.5494904078319],\"wakefulness\":[-58.48203275894655,170.91940260845314],\"women-are-wonderful effect\":[-85.1083990202671,-116.84933818767028],\"world values survey\":[-182.4142555232254,-311.56931387978324]}},\"id\":\"3724\",\"type\":\"StaticLayoutProvider\"},{\"attributes\":{\"axis\":{\"id\":\"3690\"},\"grid_line_color\":null,\"ticker\":null},\"id\":\"3693\",\"type\":\"Grid\"},{\"attributes\":{\"end\":250,\"start\":-250},\"id\":\"3550\",\"type\":\"Range1d\"},{\"attributes\":{\"end\":250,\"start\":-250},\"id\":\"3681\",\"type\":\"Range1d\"},{\"attributes\":{},\"id\":\"3686\",\"type\":\"LinearScale\"},{\"attributes\":{\"callback\":null,\"tooltips\":[[\"Page\",\"@index\"],[\"Discipline\",\"@parent\"]]},\"id\":\"3570\",\"type\":\"HoverTool\"},{\"attributes\":{},\"id\":\"3559\",\"type\":\"BasicTicker\"},{\"attributes\":{\"end\":250,\"start\":-250},\"id\":\"3549\",\"type\":\"Range1d\"},{\"attributes\":{\"text\":\"['disorder', 'psychology', 'patient', 'child', 'self']\",\"text_font_style\":\"italic\"},\"id\":\"3709\",\"type\":\"Title\"},{\"attributes\":{},\"id\":\"3554\",\"type\":\"LinearScale\"},{\"attributes\":{\"formatter\":{\"id\":\"5457\"},\"major_label_policy\":{\"id\":\"5459\"},\"ticker\":{\"id\":\"3691\"},\"visible\":false},\"id\":\"3690\",\"type\":\"LinearAxis\"},{\"attributes\":{},\"id\":\"3688\",\"type\":\"LinearScale\"},{\"attributes\":{},\"id\":\"3556\",\"type\":\"LinearScale\"}],\"root_ids\":[\"5075\"]},\"title\":\"Bokeh Application\",\"version\":\"2.3.2\"}};\n", " var render_items = [{\"docid\":\"7e92db61-2237-460e-9afe-1e89228e8811\",\"root_ids\":[\"5075\"],\"roots\":{\"5075\":\"e9f6d792-864b-473d-aed9-848b580a826d\"}}];\n", " root.Bokeh.embed.embed_items_notebook(docs_json, render_items);\n", "\n", " }\n", " if (root.Bokeh !== undefined) {\n", " embed_document(root);\n", " } else {\n", " var attempts = 0;\n", " var timer = setInterval(function(root) {\n", " if (root.Bokeh !== undefined) {\n", " clearInterval(timer);\n", " embed_document(root);\n", " } else {\n", " attempts++;\n", " if (attempts > 100) {\n", " clearInterval(timer);\n", " console.log(\"Bokeh: ERROR: Unable to run BokehJS code because BokehJS library is missing\");\n", " }\n", " }\n", " }, 10, root)\n", " }\n", "})(window);" ], "application/vnd.bokehjs_exec.v0+json": "" }, "metadata": { "application/vnd.bokehjs_exec.v0+json": { "id": "5075" } }, "output_type": "display_data" } ], "source": [ "show(row(graphs[\"community_1\"], graphs[\"community_10\"], graphs[\"community_14\"]))\n", "show(row(graphs[\"community_15\"], graphs[\"community_3\"], graphs[\"community_4\"]))\n", "show(row(graphs[\"community_5\"], graphs[\"community_6\"], graphs[\"community_9\"]))" ] }, { "cell_type": "markdown", "id": "9b967384", "metadata": {}, "source": [ "Pew that was a long scroll.. Now let's take a look at the network. Generally speaking the pattern from our previous network is confirmed: The editors of disciplines' pages on Wikipedia do really not like to link to pages from other disciplines! But it also reveals that the disciplines pages might not be as uniform as first anticipated. Community 1, 10 and 15 are rather unambigous communities of the Political Science category but they serve as a great example of the discipline's heterogenity. On the one hand Community 15 illustrates the modern study of politics at the universities using scientific methods, whereas community 1 and 10 are two pages of a another subcategory we could label \"ideology\". And even though they both revolve around political ideologies, they are widely different as one describes far-left/socialist tendencies whereas the other deals with far-right/libertarian pages. Our detection of communites therefore adds nuances to the painting of the social science landscape: Yes, they do not like to interact, but even within their own disciplinary most like to stay together in their small community of like-minded pages. " ] }, { "cell_type": "markdown", "id": "51e58dbd", "metadata": {}, "source": [ "## Okay.. So the discipline are different, but there must be some similiarites, right?" ] }, { "cell_type": "markdown", "id": "4b80854e", "metadata": {}, "source": [ "Paradoxically, a rather famous and widely applied theory in social science [*Social identity theory*](https://en.wikipedia.org/wiki/Social_identity_theory) can help us understand why all of the disciplines seem to think within the box. Originally put forward by [Henri Tajfel](https://en.wikipedia.org/wiki/Henri_Tajfel) and his apprentice [John Turner](https://en.wikipedia.org/wiki/John_Turner_(psychologist)) the theory explains how members of a group favorize persons similar to themselves, say sociologists, at the expense of the out-group members, say economists. Interestingly, the theory propose that one way to build bridge between people of different groups is by exposure to one another to discover their many similarities. A lesson we believe the editors of Wikipedia could learn a bit from.\n", "\n", "Instead of only looking at how the Wikipeda pages were connected we decided to also look at their actual content. For this we ran a *topic-model*, a model similar to our community detection, but instead of relying on the networks structure it tries to partition the pages into different topics based on the pages' *text*." ] }, { "cell_type": "markdown", "id": "2bdf3846", "metadata": { "ExecuteTime": { "end_time": "2021-12-08T20:03:28.428736Z", "start_time": "2021-12-08T20:03:28.255126Z" } }, "source": [ "![](topic_models.svg)\n" ] }, { "cell_type": "markdown", "id": "c2cb6550", "metadata": {}, "source": [ "The funny thing about these topics is, that although some clearly relates to only one disciplines, most of them are constituted by words of pages from more than one discipline. The most clear example of this is the topic we have decided to label *statistical methods*. When we qualitatively asses the pages of this topic we find a remarkable diversity in the discipline represented [hSBM Topic Modelling](explainer_topic_model). As this topic relates to the (statistical) methods used to genereate new knowledge it might suggest, that although the theory of the discplines might vary a bit, the ways they explore the world are fairly similar. What we are trying to say with this is that despite the disciplines cluster together on Wikipedia and stick to intra-disciplinary referencing, they are actually not that different from eatch other. Maybe we could all learn from Tajfel and Turner and enrichen our perspectives by seeing things from other angels." ] } ], "metadata": { "celltoolbar": "Edit Metadata", "kernelspec": { "display_name": "Python 3 (ipykernel)", "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.8.8" } }, "nbformat": 4, "nbformat_minor": 5 }