From f5cb6f02dcec3acef274637b15984667fa20f5e7 Mon Sep 17 00:00:00 2001
From: Manish Saggar <32688917+manishsaggar1@users.noreply.github.com>
Date: Fri, 8 Mar 2024 13:30:51 -0800
Subject: [PATCH] adding data
---
examples/haxby_decoding/Untitled.ipynb | 260 ++++
.../haxby_decoding_neumapper_dyneusr.json | 1 +
.../haxby_decoding_neumapper_dyneusr_14.json | 1 +
.../haxby_decoding_neumapper_dyneusr_7.json | 1 +
.../haxby_decoding/haxby_decoding_neumapper.m | 2 +-
.../haxby_decoding_neumapper.png | Bin 193563 -> 153624 bytes
.../haxby_decoding_neumapper_dyneusr.html | 478 ++-----
.../haxby_decoding_neumapper_dyneusr_14.html | 1266 +++++++++++++++++
.../haxby_decoding_neumapper_dyneusr_7.html | 1266 +++++++++++++++++
9 files changed, 2945 insertions(+), 330 deletions(-)
create mode 100644 examples/haxby_decoding/Untitled.ipynb
create mode 100644 examples/haxby_decoding/graphs/haxby_decoding_neumapper_dyneusr.json
create mode 100644 examples/haxby_decoding/graphs/haxby_decoding_neumapper_dyneusr_14.json
create mode 100644 examples/haxby_decoding/graphs/haxby_decoding_neumapper_dyneusr_7.json
create mode 100644 examples/haxby_decoding/haxby_decoding_neumapper_dyneusr_14.html
create mode 100644 examples/haxby_decoding/haxby_decoding_neumapper_dyneusr_7.html
diff --git a/examples/haxby_decoding/Untitled.ipynb b/examples/haxby_decoding/Untitled.ipynb
new file mode 100644
index 0000000..48d63f3
--- /dev/null
+++ b/examples/haxby_decoding/Untitled.ipynb
@@ -0,0 +1,260 @@
+{
+ "cells": [
+ {
+ "cell_type": "code",
+ "execution_count": 1,
+ "id": "55dcd7ea",
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/Users/saggar/opt/anaconda3/lib/python3.9/site-packages/nilearn/input_data/__init__.py:23: FutureWarning: The import path 'nilearn.input_data' is deprecated in version 0.9. Importing from 'nilearn.input_data' will be possible at least until release 0.13.0. Please import from 'nilearn.maskers' instead.\n",
+ " warnings.warn(message, FutureWarning)\n",
+ "/Users/saggar/opt/anaconda3/lib/python3.9/site-packages/nilearn/image/resampling.py:493: UserWarning: The provided image has no sform in its header. Please check the provided file. Results may not be as expected.\n",
+ " warnings.warn(\n",
+ "/Users/saggar/opt/anaconda3/lib/python3.9/site-packages/joblib/memory.py:349: FutureWarning: The default strategy for standardize is currently 'zscore' which incorrectly uses population std to calculate sample zscores. The new strategy 'zscore_sample' corrects this behavior by using the sample std. In release 0.13, the default strategy will be replaced by the new strategy and the 'zscore' option will be removed. Please use 'zscore_sample' instead.\n",
+ " return self.func(*args, **kwargs)\n"
+ ]
+ }
+ ],
+ "source": [
+ "import numpy as np \n",
+ "import pandas as pd\n",
+ "from nilearn.datasets import fetch_haxby\n",
+ "from nilearn.input_data import NiftiMasker\n",
+ "\n",
+ "# Fetch dataset, extract time-series from ventral temporal (VT) mask\n",
+ "dataset = fetch_haxby(subjects=[2])\n",
+ "masker = NiftiMasker(\n",
+ " dataset.mask_vt[0], \n",
+ " standardize=True, detrend=True, smoothing_fwhm=4.0,\n",
+ " low_pass=0.09, high_pass=0.008, t_r=2.5,\n",
+ " memory=\"nilearn_cache\")\n",
+ "X = masker.fit_transform(dataset.func[0])\n",
+ "\n",
+ "# Encode labels as integers\n",
+ "df = pd.read_csv(dataset.session_target[0], sep=\" \")\n",
+ "target, labels = pd.factorize(df.labels.values)\n",
+ "timing = pd.DataFrame().assign(task=target, task_name=labels[target])\n",
+ "timing_onehot = pd.DataFrame({l:1*(target==i) for i,l in enumerate(labels)})\n",
+ "\n",
+ "# Save X and y\n",
+ "np.save('SBJ02_mask_vt.npy', X)\n",
+ "timing.to_csv('SBJ02_timing_labels.tsv', sep='\\t', index=0)\n",
+ "timing_onehot.to_csv('SBJ02_timing_onehot.tsv', sep='\\t', index=0)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 13,
+ "id": "89ddf47e",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/plain": [
+ "1 0.0\n",
+ "2 0.0\n",
+ "3 0.0\n",
+ "4 0.0\n",
+ "5 0.0\n",
+ "6 0.0\n",
+ "7 0.0\n",
+ "8 0.0\n",
+ "9 0.0\n",
+ "Name: 0, dtype: float64"
+ ]
+ },
+ "execution_count": 13,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "timing_onehot = pd.read_csv('timing_onehot.tsv',header=None,delim_whitespace=True) \n",
+ "timing_onehot[0][1:10]"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 2,
+ "id": "975e31be",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "
\n",
+ " \n",
+ " \n",
+ " label | \n",
+ " group | \n",
+ " value | \n",
+ " row_count | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " rest | \n",
+ " 0 | \n",
+ " 588 | \n",
+ " 1452 | \n",
+ "
\n",
+ " \n",
+ " scissors | \n",
+ " 1 | \n",
+ " 108 | \n",
+ " 1452 | \n",
+ "
\n",
+ " \n",
+ " face | \n",
+ " 2 | \n",
+ " 108 | \n",
+ " 1452 | \n",
+ "
\n",
+ " \n",
+ " cat | \n",
+ " 3 | \n",
+ " 108 | \n",
+ " 1452 | \n",
+ "
\n",
+ " \n",
+ " shoe | \n",
+ " 4 | \n",
+ " 108 | \n",
+ " 1452 | \n",
+ "
\n",
+ " \n",
+ " house | \n",
+ " 5 | \n",
+ " 108 | \n",
+ " 1452 | \n",
+ "
\n",
+ " \n",
+ " scrambledpix | \n",
+ " 6 | \n",
+ " 108 | \n",
+ " 1452 | \n",
+ "
\n",
+ " \n",
+ " bottle | \n",
+ " 7 | \n",
+ " 108 | \n",
+ " 1452 | \n",
+ "
\n",
+ " \n",
+ " chair | \n",
+ " 8 | \n",
+ " 108 | \n",
+ " 1452 | \n",
+ "
\n",
+ " \n",
+ "
"
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "Already serving localhost:None \n",
+ "[Force Graph] file:///Users/saggar/Dropbox/git_bdl/neumapper/examples/haxby_decoding/haxby_decoding_neumapper_dyneusr.html\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "DyNeuGraph()
In a Jupyter environment, please rerun this cell to show the HTML representation or trust the notebook.
On GitHub, the HTML representation is unable to render, please try loading this page with nbviewer.org. "
+ ],
+ "text/plain": [
+ "DyNeuGraph()"
+ ]
+ },
+ "execution_count": 2,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "import numpy as np \n",
+ "import pandas as pd\n",
+ "import networkx as nx\n",
+ "import scipy as sp\n",
+ "from sklearn.utils import Bunch\n",
+ "from scipy.io import loadmat\n",
+ "from dyneusr.core import DyNeuGraph \n",
+ "from collections import defaultdict\n",
+ "\n",
+ "\n",
+ "## Load the NeuMapper result\n",
+ "mat = loadmat('haxby_decoding_neumapper.mat')\n",
+ "res = mat['res'][0][0]\n",
+ "res = Bunch(**{k:res[i] for i,k in enumerate(res.dtype.names)})\n",
+ "res = res.get('res', res.get('var', res))\n",
+ "\n",
+ "# load one-hot encoding matrix of timing labels \n",
+ "timing_onehot = pd.read_csv('SBJ02_timing_onehot.tsv', sep='\\t') \n",
+ "\n",
+ "\n",
+ "## Convert to KeplerMapper format\n",
+ "membership = res.clusterBins\n",
+ "adjacency = membership @ membership.T\n",
+ "np.fill_diagonal(adjacency, 0)\n",
+ "adjacency = (adjacency > 0).astype(int)\n",
+ "\n",
+ "# get node link data \n",
+ "G = nx.Graph(adjacency)\n",
+ "graph = nx.node_link_data(G)\n",
+ "\n",
+ "# update format of nodes e.g. {node: [row_i, ...]}\n",
+ "nodes = defaultdict(list) \n",
+ "for n, node in enumerate(membership):\n",
+ " nodes[n] = node.nonzero()[0].tolist()\n",
+ "\n",
+ "# update format of links e.g. {source: [target, ...]}\n",
+ "links = defaultdict(list) \n",
+ "for link in graph['links']:\n",
+ " u, v = link['source'], link['target']\n",
+ " if u != v:\n",
+ " links[u].append(v)\n",
+ "\n",
+ "# update graph data\n",
+ "graph['nodes'] = nodes\n",
+ "graph['links'] = links\n",
+ "\n",
+ "\n",
+ "## Visualize the shape graph using DyNeuSR's DyNeuGraph\n",
+ "dG = DyNeuGraph(G=graph, y=timing_onehot)\n",
+ "dG.visualize('haxby_decoding_neumapper_dyneusr.html')"
+ ]
+ }
+ ],
+ "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.9.12"
+ }
+ },
+ "nbformat": 4,
+ "nbformat_minor": 5
+}
diff --git a/examples/haxby_decoding/graphs/haxby_decoding_neumapper_dyneusr.json b/examples/haxby_decoding/graphs/haxby_decoding_neumapper_dyneusr.json
new file mode 100644
index 0000000..24931b3
--- /dev/null
+++ b/examples/haxby_decoding/graphs/haxby_decoding_neumapper_dyneusr.json
@@ -0,0 +1 @@
+{"directed": false, "multigraph": false, "graph": {"labels": {"data_id": ["Group 1 (0.0, 362.75)", "Group 2 (362.75, 725.5)", "Group 3 (725.5, 1088.25)", "Group 4 (1088.25, 1451.0)"], "uniform": [], "multiclass": ["rest", "scissors", "face", "cat", "shoe", "house", "scrambledpix", "bottle", "chair"]}, "groups": {"rest": [0, 1], "scissors": [0, 1], "face": [0, 1], "cat": [0, 1], "shoe": [0, 1], "house": [0, 1], "scrambledpix": [0, 1], "bottle": [0, 1], "chair": [0, 1], "data_id": [0.0, 362.75, 725.5, 1088.25, 1451.0], "uniform": [0.0], "multiclass": [0, 1, 2, 3, 4, 5, 6, 7, 8]}, "color_by": "multiclass", "color": {"data_id": ["#3182bd", "#fd8d3c", "#a1d99b", "#dadaeb", "#d9d9d9"], "multiclass": ["#3182bd", "#9ecae1", "#fd8d3c", "#fdd0a2", "#a1d99b", "#756bb1", "#dadaeb", "#969696", "#d9d9d9"]}}, "nodes": [{"id": 0, "name": 0, "tooltip": "0 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1451], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 1, "name": 1, "tooltip": "1 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1450], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 2, "name": 2, "tooltip": "2 (size: 4)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1446, 1447, 1448, 1449], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 1, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 725, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 0, "row_count": 4, "value": 4}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 4, "degree": 0}, {"id": 3, "name": 3, "tooltip": "3 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1445], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 4, "name": 4, "tooltip": "4 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1444, 1445], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 2, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 1, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 5, "name": 5, "tooltip": "5 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1442, 1443], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 2, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 1, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 0, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 2, "degree": 0}, {"id": 6, "name": 6, "tooltip": "6 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1440, 1441], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 2, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 1, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 0, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 2, "degree": 0}, {"id": 7, "name": 7, "tooltip": "7 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1438], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 8, "name": 8, "tooltip": "8 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1436], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 9, "name": 9, "tooltip": "9 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1435], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 10, "name": 10, "tooltip": "10 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1434], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 11, "name": 11, "tooltip": "11 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1431], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 12, "name": 12, "tooltip": "12 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1430], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 13, "name": 13, "tooltip": "13 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 3 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1427, 1428, 1429], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 3, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 1, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 725, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 0, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 3, "degree": 0}, {"id": 14, "name": 14, "tooltip": "14 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 2 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1425, 1426], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 2, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 1, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 0, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 2, "degree": 0}, {"id": 15, "name": 15, "tooltip": "15 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1423], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 16, "name": 16, "tooltip": "16 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1419], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 17, "name": 17, "tooltip": "17 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1418], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 18, "name": 18, "tooltip": "18 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1417], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 19, "name": 19, "tooltip": "19 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1416], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 20, "name": 20, "tooltip": "20 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1414], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 21, "name": 21, "tooltip": "21 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1414, 1415], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 2, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 22, "name": 22, "tooltip": "22 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1411], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 23, "name": 23, "tooltip": "23 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 3 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1411, 1412, 1413], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 3, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 1, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 725, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 24, "name": 24, "tooltip": "24 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1410], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 25, "name": 25, "tooltip": "25 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1407], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 26, "name": 26, "tooltip": "26 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1406], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 27, "name": 27, "tooltip": "27 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1405], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 28, "name": 28, "tooltip": "28 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1404], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 29, "name": 29, "tooltip": "29 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1403], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 30, "name": 30, "tooltip": "30 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1402], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 31, "name": 31, "tooltip": "31 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1401], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 32, "name": 32, "tooltip": "32 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1400], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 33, "name": 33, "tooltip": "33 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1398, 1399], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 2, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 1, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 34, "name": 34, "tooltip": "34 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 3 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1397, 1398, 1399], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 3, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 1, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 725, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 35, "name": 35, "tooltip": "35 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1394], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 36, "name": 36, "tooltip": "36 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1390], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 37, "name": 37, "tooltip": "37 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1389], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 38, "name": 38, "tooltip": "38 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1389, 1390], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 5, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 5}, "size": 2, "degree": 5}, {"id": 39, "name": 39, "tooltip": "39 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1388], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 40, "name": 40, "tooltip": "40 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1387], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 41, "name": 41, "tooltip": "41 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 3 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1385, 1386, 1387], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 3, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 1, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 725, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 1, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 3, "degree": 1}, {"id": 42, "name": 42, "tooltip": "42 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1384], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 43, "name": 43, "tooltip": "43 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1383], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 44, "name": 44, "tooltip": "44 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1381], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 45, "name": 45, "tooltip": "45 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 4 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1381, 1382, 1383, 1384], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 4, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 1, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 725, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 3, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 4, "degree": 3}, {"id": 46, "name": 46, "tooltip": "46 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1380], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 47, "name": 47, "tooltip": "47 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1379], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 48, "name": 48, "tooltip": "48 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1375], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 49, "name": 49, "tooltip": "49 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [1374], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 50, "name": 50, "tooltip": "50 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [1371], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 51, "name": 51, "tooltip": "51 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [1371, 1372], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 2, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 725, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 52, "name": 52, "tooltip": "52 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [1369], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 725, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 53, "name": 53, "tooltip": "53 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [1369, 1370], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 2, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 725, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 54, "name": 54, "tooltip": "54 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [1368, 1369], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 2, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 725, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 55, "name": 55, "tooltip": "55 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [1366, 1367], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 2, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 725, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 56, "name": 56, "tooltip": "56 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1364, 1365, 1421], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 725, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 6, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 6}, "size": 3, "degree": 6}, {"id": 57, "name": 57, "tooltip": "57 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1361], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 58, "name": 58, "tooltip": "58 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 2 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1359, 1360], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 2, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 1, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 59, "name": 59, "tooltip": "59 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 3 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1357, 1358, 1359], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 3, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 1, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 725, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 60, "name": 60, "tooltip": "60 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1356], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 61, "name": 61, "tooltip": "61 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1353], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 62, "name": 62, "tooltip": "62 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1352], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 63, "name": 63, "tooltip": "63 (size: 5)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 5 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1352, 1353, 1354, 1355, 1356], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 5}, {"label": "scissors", "group": 1, "value": 0, "row_count": 5}, {"label": "face", "group": 2, "value": 0, "row_count": 5}, {"label": "cat", "group": 3, "value": 0, "row_count": 5}, {"label": "shoe", "group": 4, "value": 0, "row_count": 5}, {"label": "house", "group": 5, "value": 5, "row_count": 5}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 5}, {"label": "bottle", "group": 7, "value": 0, "row_count": 5}, {"label": "chair", "group": 8, "value": 0, "row_count": 5}], "rest": [{"group": 0, "row_count": 5, "value": 5}], "scissors": [{"group": 0, "row_count": 5, "value": 5}], "face": [{"group": 0, "row_count": 5, "value": 5}], "cat": [{"group": 0, "row_count": 5, "value": 5}], "shoe": [{"group": 0, "row_count": 5, "value": 5}], "house": [{"group": 1, "row_count": 5, "value": 5}], "scrambledpix": [{"group": 0, "row_count": 5, "value": 5}], "bottle": [{"group": 0, "row_count": 5, "value": 5}], "chair": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 725, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 4, "row_count": 5, "value": 5}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 4}, "size": 5, "degree": 4}, {"id": 64, "name": 64, "tooltip": "64 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1351], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 65, "name": 65, "tooltip": "65 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1349], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 66, "name": 66, "tooltip": "66 (size: 4)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1349, 1350, 1378, 1379], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 1, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 725, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 5, "row_count": 4, "value": 4}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 5}, "size": 4, "degree": 5}, {"id": 67, "name": 67, "tooltip": "67 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1347], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 68, "name": 68, "tooltip": "68 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1346], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 69, "name": 69, "tooltip": "69 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1345], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 70, "name": 70, "tooltip": "70 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1343], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 71, "name": 71, "tooltip": "71 (size: 5)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 5 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1341, 1342, 1343, 1344, 1345], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 5}, {"label": "scissors", "group": 1, "value": 0, "row_count": 5}, {"label": "face", "group": 2, "value": 0, "row_count": 5}, {"label": "cat", "group": 3, "value": 0, "row_count": 5}, {"label": "shoe", "group": 4, "value": 0, "row_count": 5}, {"label": "house", "group": 5, "value": 0, "row_count": 5}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 5}, {"label": "bottle", "group": 7, "value": 5, "row_count": 5}, {"label": "chair", "group": 8, "value": 0, "row_count": 5}], "rest": [{"group": 0, "row_count": 5, "value": 5}], "scissors": [{"group": 0, "row_count": 5, "value": 5}], "face": [{"group": 0, "row_count": 5, "value": 5}], "cat": [{"group": 0, "row_count": 5, "value": 5}], "shoe": [{"group": 0, "row_count": 5, "value": 5}], "house": [{"group": 0, "row_count": 5, "value": 5}], "scrambledpix": [{"group": 0, "row_count": 5, "value": 5}], "bottle": [{"group": 1, "row_count": 5, "value": 5}], "chair": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 725, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 5, "row_count": 5, "value": 5}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 725, "uniform": 0, "degree": 5}, "size": 5, "degree": 5}, {"id": 72, "name": 72, "tooltip": "72 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 2 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1339, 1340], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 2, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 1, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 7, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 725, "uniform": 0, "degree": 7}, "size": 2, "degree": 7}, {"id": 73, "name": 73, "tooltip": "73 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 2 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1338, 1339], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 2, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 1, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 8, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 725, "uniform": 0, "degree": 8}, "size": 2, "degree": 8}, {"id": 74, "name": 74, "tooltip": "74 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1337], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 75, "name": 75, "tooltip": "75 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1335, 1336], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 76, "name": 76, "tooltip": "76 (size: 4)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1331, 1332, 1333, 1334], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 1, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 725, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 1, "row_count": 4, "value": 4}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 4, "degree": 1}, {"id": 77, "name": 77, "tooltip": "77 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1330], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 78, "name": 78, "tooltip": "78 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1327], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 79, "name": 79, "tooltip": "79 (size: 4)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1326, 1327, 1328, 1329], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 1, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 725, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 1, "row_count": 4, "value": 4}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 4, "degree": 1}, {"id": 80, "name": 80, "tooltip": "80 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1325], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 81, "name": 81, "tooltip": "81 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1321, 1322], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 2, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 1, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 82, "name": 82, "tooltip": "82 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 4 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1321, 1322, 1323, 1324], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 4, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 1, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 362, "row_count": 4, "value": 3}, {"group": 725, "row_count": 4, "value": 1}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 1, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 4, "degree": 1}, {"id": 83, "name": 83, "tooltip": "83 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1317], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 84, "name": 84, "tooltip": "84 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1316], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 85, "name": 85, "tooltip": "85 (size: 3)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1314, 1315, 1316], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 3}, {"label": "scissors", "group": 1, "value": 1, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 2}, {"group": 0, "row_count": 3, "value": 1}], "scissors": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 86, "name": 86, "tooltip": "86 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1311], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 87, "name": 87, "tooltip": "87 (size: 4)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1311, 1312, 1313, 1314], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 1, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 362, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 2, "row_count": 4, "value": 4}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 4, "degree": 2}, {"id": 88, "name": 88, "tooltip": "88 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1310], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 89, "name": 89, "tooltip": "89 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1309], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 90, "name": 90, "tooltip": "90 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1305, 1306], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 2, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 1, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 91, "name": 91, "tooltip": "91 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 4 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1302, 1303, 1304, 1305], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 4, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 1, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 362, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 2, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 4, "degree": 2}, {"id": 92, "name": 92, "tooltip": "92 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1298], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 93, "name": 93, "tooltip": "93 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1297, 1298], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 94, "name": 94, "tooltip": "94 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1295], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 95, "name": 95, "tooltip": "95 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1293], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 96, "name": 96, "tooltip": "96 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 2 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1293, 1294], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 2, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 1, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 97, "name": 97, "tooltip": "97 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1289], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 98, "name": 98, "tooltip": "98 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1286], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 99, "name": 99, "tooltip": "99 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1281], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 100, "name": 100, "tooltip": "100 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1280], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 101, "name": 101, "tooltip": "101 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 4 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1277, 1278, 1279, 1280], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 4, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 1, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 362, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 3, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 4, "degree": 3}, {"id": 102, "name": 102, "tooltip": "102 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 3 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1276, 1277, 1278], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 3, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 1, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 103, "name": 103, "tooltip": "103 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1275], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 104, "name": 104, "tooltip": "104 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 3 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1275, 1276, 1277], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 3, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 1, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 4, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 4}, "size": 3, "degree": 4}, {"id": 105, "name": 105, "tooltip": "105 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 3 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1274, 1275, 1276], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 3, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 1, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 106, "name": 106, "tooltip": "106 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1273], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 107, "name": 107, "tooltip": "107 (size: 2)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1272, 1273], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 1, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 1}, {"group": 0, "row_count": 2, "value": 1}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 1}, {"group": 1, "row_count": 2, "value": 1}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 108, "name": 108, "tooltip": "108 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1270], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 109, "name": 109, "tooltip": "109 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1268, 1269], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 110, "name": 110, "tooltip": "110 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 3 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1265, 1266, 1267], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 3, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 1, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 111, "name": 111, "tooltip": "111 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1264], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 112, "name": 112, "tooltip": "112 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1259], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 113, "name": 113, "tooltip": "113 (size: 2)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1258, 1259], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 1, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 1}, {"group": 0, "row_count": 2, "value": 1}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 1}, {"group": 1, "row_count": 2, "value": 1}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 114, "name": 114, "tooltip": "114 (size: 7)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 5 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1257, 1258, 1259, 1261, 1262, 1263, 1264], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 7}, {"label": "scissors", "group": 1, "value": 0, "row_count": 7}, {"label": "face", "group": 2, "value": 0, "row_count": 7}, {"label": "cat", "group": 3, "value": 0, "row_count": 7}, {"label": "shoe", "group": 4, "value": 0, "row_count": 7}, {"label": "house", "group": 5, "value": 0, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 7}, {"label": "bottle", "group": 7, "value": 5, "row_count": 7}, {"label": "chair", "group": 8, "value": 0, "row_count": 7}], "rest": [{"group": 0, "row_count": 7, "value": 5}, {"group": 1, "row_count": 7, "value": 2}], "scissors": [{"group": 0, "row_count": 7, "value": 7}], "face": [{"group": 0, "row_count": 7, "value": 7}], "cat": [{"group": 0, "row_count": 7, "value": 7}], "shoe": [{"group": 0, "row_count": 7, "value": 7}], "house": [{"group": 0, "row_count": 7, "value": 7}], "scrambledpix": [{"group": 0, "row_count": 7, "value": 7}], "bottle": [{"group": 1, "row_count": 7, "value": 5}, {"group": 0, "row_count": 7, "value": 2}], "chair": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 362, "row_count": 7, "value": 7}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 6, "row_count": 7, "value": 7}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 362, "uniform": 0, "degree": 6}, "size": 7, "degree": 6}, {"id": 115, "name": 115, "tooltip": "115 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [1250], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 362, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 116, "name": 116, "tooltip": "116 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [1248, 1249], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 2, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 362, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 117, "name": 117, "tooltip": "117 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [1246, 1247], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 2, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 362, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 118, "name": 118, "tooltip": "118 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1239], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 119, "name": 119, "tooltip": "119 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1237], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 120, "name": 120, "tooltip": "120 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1232], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 121, "name": 121, "tooltip": "121 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1232, 1233], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 1, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 5, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 5}, "size": 2, "degree": 5}, {"id": 122, "name": 122, "tooltip": "122 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1231], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 123, "name": 123, "tooltip": "123 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1231, 1232], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 1, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 8, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 8}, "size": 2, "degree": 8}, {"id": 124, "name": 124, "tooltip": "124 (size: 2)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1230, 1231], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 1}, {"group": 0, "row_count": 2, "value": 1}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 1}, {"group": 1, "row_count": 2, "value": 1}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 7, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 7}, "size": 2, "degree": 7}, {"id": 125, "name": 125, "tooltip": "125 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1228, 1229, 1230], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 126, "name": 126, "tooltip": "126 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1226], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 127, "name": 127, "tooltip": "127 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1225, 1226], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 128, "name": 128, "tooltip": "128 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1224], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 129, "name": 129, "tooltip": "129 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 3 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1218, 1219, 1220], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 3, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 1, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 6, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 6}, "size": 3, "degree": 6}, {"id": 130, "name": 130, "tooltip": "130 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1216], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 131, "name": 131, "tooltip": "131 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1215], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 132, "name": 132, "tooltip": "132 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1212], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 133, "name": 133, "tooltip": "133 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1210, 1211], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 134, "name": 134, "tooltip": "134 (size: 5)
\n \n \n rest | \n 5 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1210, 1211, 1212, 1213, 1214], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 5, "row_count": 5}, {"label": "scissors", "group": 1, "value": 0, "row_count": 5}, {"label": "face", "group": 2, "value": 0, "row_count": 5}, {"label": "cat", "group": 3, "value": 0, "row_count": 5}, {"label": "shoe", "group": 4, "value": 0, "row_count": 5}, {"label": "house", "group": 5, "value": 0, "row_count": 5}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 5}, {"label": "bottle", "group": 7, "value": 0, "row_count": 5}, {"label": "chair", "group": 8, "value": 0, "row_count": 5}], "rest": [{"group": 1, "row_count": 5, "value": 5}], "scissors": [{"group": 0, "row_count": 5, "value": 5}], "face": [{"group": 0, "row_count": 5, "value": 5}], "cat": [{"group": 0, "row_count": 5, "value": 5}], "shoe": [{"group": 0, "row_count": 5, "value": 5}], "house": [{"group": 0, "row_count": 5, "value": 5}], "scrambledpix": [{"group": 0, "row_count": 5, "value": 5}], "bottle": [{"group": 0, "row_count": 5, "value": 5}], "chair": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 362, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 3, "row_count": 5, "value": 5}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 5, "degree": 3}, {"id": 135, "name": 135, "tooltip": "135 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1209], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 136, "name": 136, "tooltip": "136 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1207], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 137, "name": 137, "tooltip": "137 (size: 7)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 6 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1204, 1234, 1235, 1236, 1237, 1238, 1239], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 7}, {"label": "scissors", "group": 1, "value": 0, "row_count": 7}, {"label": "face", "group": 2, "value": 0, "row_count": 7}, {"label": "cat", "group": 3, "value": 0, "row_count": 7}, {"label": "shoe", "group": 4, "value": 0, "row_count": 7}, {"label": "house", "group": 5, "value": 0, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 6, "row_count": 7}, {"label": "bottle", "group": 7, "value": 0, "row_count": 7}, {"label": "chair", "group": 8, "value": 0, "row_count": 7}], "rest": [{"group": 0, "row_count": 7, "value": 6}, {"group": 1, "row_count": 7, "value": 1}], "scissors": [{"group": 0, "row_count": 7, "value": 7}], "face": [{"group": 0, "row_count": 7, "value": 7}], "cat": [{"group": 0, "row_count": 7, "value": 7}], "shoe": [{"group": 0, "row_count": 7, "value": 7}], "house": [{"group": 0, "row_count": 7, "value": 7}], "scrambledpix": [{"group": 1, "row_count": 7, "value": 6}, {"group": 0, "row_count": 7, "value": 1}], "bottle": [{"group": 0, "row_count": 7, "value": 7}], "chair": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 362, "row_count": 7, "value": 7}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 6, "row_count": 7, "value": 7}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 6}, "size": 7, "degree": 6}, {"id": 138, "name": 138, "tooltip": "138 (size: 4)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1204, 1206, 1207, 1208], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 1, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 362, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 4, "row_count": 4, "value": 4}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 4}, "size": 4, "degree": 4}, {"id": 139, "name": 139, "tooltip": "139 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1201], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 140, "name": 140, "tooltip": "140 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1197, 1198], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 2, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 1, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 141, "name": 141, "tooltip": "141 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 4 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1196, 1197, 1198, 1199], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 4, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 1, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 362, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 2, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 4, "degree": 2}, {"id": 142, "name": 142, "tooltip": "142 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1195], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 143, "name": 143, "tooltip": "143 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1192], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 144, "name": 144, "tooltip": "144 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1192, 1193, 1194], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 1, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 3, "degree": 1}, {"id": 145, "name": 145, "tooltip": "145 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1190, 1191], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 0, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 2, "degree": 0}, {"id": 146, "name": 146, "tooltip": "146 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1189], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 147, "name": 147, "tooltip": "147 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 3 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1187, 1188, 1189], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 3, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 1, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 148, "name": 148, "tooltip": "148 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1186], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 149, "name": 149, "tooltip": "149 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1184], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 150, "name": 150, "tooltip": "150 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 4 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1184, 1185, 1186, 1187], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 4, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 1, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 362, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 3, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 4, "degree": 3}, {"id": 151, "name": 151, "tooltip": "151 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 2 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1182, 1183], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 2, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 1, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 152, "name": 152, "tooltip": "152 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1180], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 153, "name": 153, "tooltip": "153 (size: 3)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 2 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1180, 1181, 1182], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 2, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 1, "row_count": 3, "value": 2}, {"group": 0, "row_count": 3, "value": 1}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 154, "name": 154, "tooltip": "154 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1177], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 155, "name": 155, "tooltip": "155 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 2 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1172, 1173], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 2, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 1, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 0, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 2, "degree": 0}, {"id": 156, "name": 156, "tooltip": "156 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1171], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 157, "name": 157, "tooltip": "157 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1167], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 158, "name": 158, "tooltip": "158 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1166], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 159, "name": 159, "tooltip": "159 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1164, 1165], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 160, "name": 160, "tooltip": "160 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1161], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 161, "name": 161, "tooltip": "161 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1161, 1162, 1163], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 162, "name": 162, "tooltip": "162 (size: 2)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [1160, 1161], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 1, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 1}, {"group": 1, "row_count": 2, "value": 1}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 1, "row_count": 2, "value": 1}, {"group": 0, "row_count": 2, "value": 1}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 362, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 163, "name": 163, "tooltip": "163 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [1158], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 164, "name": 164, "tooltip": "164 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [1157], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 362, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 165, "name": 165, "tooltip": "165 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [1154], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 166, "name": 166, "tooltip": "166 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1149, 1150, 1151], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 4, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 4}, "size": 3, "degree": 4}, {"id": 167, "name": 167, "tooltip": "167 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1148, 1149, 1150], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 5, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 5}, "size": 3, "degree": 5}, {"id": 168, "name": 168, "tooltip": "168 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1145], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 169, "name": 169, "tooltip": "169 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1145, 1146], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 2, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 5, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 5}, "size": 2, "degree": 5}, {"id": 170, "name": 170, "tooltip": "170 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1144], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 171, "name": 171, "tooltip": "171 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1142, 1143], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 2, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 5, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 5}, "size": 2, "degree": 5}, {"id": 172, "name": 172, "tooltip": "172 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1141], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 173, "name": 173, "tooltip": "173 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1140], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 174, "name": 174, "tooltip": "174 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1139], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 175, "name": 175, "tooltip": "175 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1133], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 176, "name": 176, "tooltip": "176 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1130], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 177, "name": 177, "tooltip": "177 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1130, 1131], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 2, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 1, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 5, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 5}, "size": 2, "degree": 5}, {"id": 178, "name": 178, "tooltip": "178 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1129], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 179, "name": 179, "tooltip": "179 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1126], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 180, "name": 180, "tooltip": "180 (size: 7)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 4 | \n
\n \n cat | \n 3 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1126, 1127, 1128, 1129, 1169, 1170, 1171], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 7}, {"label": "scissors", "group": 1, "value": 0, "row_count": 7}, {"label": "face", "group": 2, "value": 4, "row_count": 7}, {"label": "cat", "group": 3, "value": 3, "row_count": 7}, {"label": "shoe", "group": 4, "value": 0, "row_count": 7}, {"label": "house", "group": 5, "value": 0, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 7}, {"label": "bottle", "group": 7, "value": 0, "row_count": 7}, {"label": "chair", "group": 8, "value": 0, "row_count": 7}], "rest": [{"group": 0, "row_count": 7, "value": 7}], "scissors": [{"group": 0, "row_count": 7, "value": 7}], "face": [{"group": 1, "row_count": 7, "value": 4}, {"group": 0, "row_count": 7, "value": 3}], "cat": [{"group": 0, "row_count": 7, "value": 4}, {"group": 1, "row_count": 7, "value": 3}], "shoe": [{"group": 0, "row_count": 7, "value": 7}], "house": [{"group": 0, "row_count": 7, "value": 7}], "scrambledpix": [{"group": 0, "row_count": 7, "value": 7}], "bottle": [{"group": 0, "row_count": 7, "value": 7}], "chair": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 362, "row_count": 7, "value": 7}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 9, "row_count": 7, "value": 7}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 9}, "size": 7, "degree": 9}, {"id": 181, "name": 181, "tooltip": "181 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1124], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 182, "name": 182, "tooltip": "182 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1122], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 183, "name": 183, "tooltip": "183 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1122, 1123], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 184, "name": 184, "tooltip": "184 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1119], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 185, "name": 185, "tooltip": "185 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1117, 1118], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 1, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 186, "name": 186, "tooltip": "186 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1113], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 187, "name": 187, "tooltip": "187 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1112], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 188, "name": 188, "tooltip": "188 (size: 3)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1109, 1110, 1111], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 1, "row_count": 3, "value": 2}, {"group": 0, "row_count": 3, "value": 1}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 1, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 3, "degree": 1}, {"id": 189, "name": 189, "tooltip": "189 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1106], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 190, "name": 190, "tooltip": "190 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1105], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 191, "name": 191, "tooltip": "191 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1104], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 192, "name": 192, "tooltip": "192 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1101], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 193, "name": 193, "tooltip": "193 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 3 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1095, 1096, 1288], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 3, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 1, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 194, "name": 194, "tooltip": "194 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1094], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 195, "name": 195, "tooltip": "195 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1093], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 196, "name": 196, "tooltip": "196 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1091, 1092, 1093], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 197, "name": 197, "tooltip": "197 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1085], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 198, "name": 198, "tooltip": "198 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1082], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 199, "name": 199, "tooltip": "199 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 2 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1081, 1082], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 2, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 1, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 200, "name": 200, "tooltip": "200 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1080], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 201, "name": 201, "tooltip": "201 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 4 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1079, 1080, 1081, 1082], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 4, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 1, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 362, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 5, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 362, "uniform": 0, "degree": 5}, "size": 4, "degree": 5}, {"id": 202, "name": 202, "tooltip": "202 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1078], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 203, "name": 203, "tooltip": "203 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 2 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1078, 1079], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 2, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 1, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 204, "name": 204, "tooltip": "204 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [1074, 1129, 1374], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 1, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 1, "row_count": 3}, {"label": "chair", "group": 8, "value": 1, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "chair": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "data_id": [{"group": 362, "row_count": 3, "value": 2}, {"group": 725, "row_count": 3, "value": 1}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 205, "name": 205, "tooltip": "205 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1073], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 206, "name": 206, "tooltip": "206 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1071], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 207, "name": 207, "tooltip": "207 (size: 2)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1068, 1069], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 1, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 1}, {"group": 1, "row_count": 2, "value": 1}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 1}, {"group": 0, "row_count": 2, "value": 1}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 208, "name": 208, "tooltip": "208 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1065, 1066], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 2, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 209, "name": 209, "tooltip": "209 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 4 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1065, 1066, 1067, 1068], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 4, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 1, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 362, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 4, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 4}, "size": 4, "degree": 4}, {"id": 210, "name": 210, "tooltip": "210 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1064, 1065], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 2, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 211, "name": 211, "tooltip": "211 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1063], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 212, "name": 212, "tooltip": "212 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1063, 1064], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 2, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 213, "name": 213, "tooltip": "213 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1061, 1062], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 2, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 214, "name": 214, "tooltip": "214 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1058], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 215, "name": 215, "tooltip": "215 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1056], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 216, "name": 216, "tooltip": "216 (size: 4)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1056, 1254, 1255, 1256], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 1, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 362, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 2, "row_count": 4, "value": 4}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 4, "degree": 2}, {"id": 217, "name": 217, "tooltip": "217 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1055], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 218, "name": 218, "tooltip": "218 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [1054], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 219, "name": 219, "tooltip": "219 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [1052, 1053], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 2, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 6, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 362, "uniform": 0, "degree": 6}, "size": 2, "degree": 6}, {"id": 220, "name": 220, "tooltip": "220 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [1051, 1052], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 2, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 5, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 362, "uniform": 0, "degree": 5}, "size": 2, "degree": 5}, {"id": 221, "name": 221, "tooltip": "221 (size: 7)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 7 | \n
\n \n
", "members": [1048, 1049, 1050, 1051, 1052, 1053, 1054], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 7}, {"label": "scissors", "group": 1, "value": 0, "row_count": 7}, {"label": "face", "group": 2, "value": 0, "row_count": 7}, {"label": "cat", "group": 3, "value": 0, "row_count": 7}, {"label": "shoe", "group": 4, "value": 0, "row_count": 7}, {"label": "house", "group": 5, "value": 0, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 7}, {"label": "bottle", "group": 7, "value": 0, "row_count": 7}, {"label": "chair", "group": 8, "value": 7, "row_count": 7}], "rest": [{"group": 0, "row_count": 7, "value": 7}], "scissors": [{"group": 0, "row_count": 7, "value": 7}], "face": [{"group": 0, "row_count": 7, "value": 7}], "cat": [{"group": 0, "row_count": 7, "value": 7}], "shoe": [{"group": 0, "row_count": 7, "value": 7}], "house": [{"group": 0, "row_count": 7, "value": 7}], "scrambledpix": [{"group": 0, "row_count": 7, "value": 7}], "bottle": [{"group": 0, "row_count": 7, "value": 7}], "chair": [{"group": 1, "row_count": 7, "value": 7}], "data_id": [{"group": 362, "row_count": 7, "value": 7}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 7, "row_count": 7, "value": 7}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 362, "uniform": 0, "degree": 7}, "size": 7, "degree": 7}, {"id": 222, "name": 222, "tooltip": "222 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1045], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 223, "name": 223, "tooltip": "223 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1040], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 224, "name": 224, "tooltip": "224 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1039], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 225, "name": 225, "tooltip": "225 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1036], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 226, "name": 226, "tooltip": "226 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 3 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1035, 1114, 1115, 1116], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 1, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 3, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 3}, {"group": 1, "row_count": 4, "value": 1}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 1, "row_count": 4, "value": 3}, {"group": 0, "row_count": 4, "value": 1}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 362, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 2, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 4, "degree": 2}, {"id": 227, "name": 227, "tooltip": "227 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1032, 1033], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 2, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 1, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 228, "name": 228, "tooltip": "228 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1031], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 229, "name": 229, "tooltip": "229 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1028, 1029], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 230, "name": 230, "tooltip": "230 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1026, 1027], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 0, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 2, "degree": 0}, {"id": 231, "name": 231, "tooltip": "231 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1025], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 232, "name": 232, "tooltip": "232 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 3 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1022, 1023, 1024], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 3, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 1, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 233, "name": 233, "tooltip": "233 (size: 5)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 5 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1019, 1020, 1021, 1022, 1023], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 5}, {"label": "scissors", "group": 1, "value": 0, "row_count": 5}, {"label": "face", "group": 2, "value": 0, "row_count": 5}, {"label": "cat", "group": 3, "value": 0, "row_count": 5}, {"label": "shoe", "group": 4, "value": 0, "row_count": 5}, {"label": "house", "group": 5, "value": 5, "row_count": 5}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 5}, {"label": "bottle", "group": 7, "value": 0, "row_count": 5}, {"label": "chair", "group": 8, "value": 0, "row_count": 5}], "rest": [{"group": 0, "row_count": 5, "value": 5}], "scissors": [{"group": 0, "row_count": 5, "value": 5}], "face": [{"group": 0, "row_count": 5, "value": 5}], "cat": [{"group": 0, "row_count": 5, "value": 5}], "shoe": [{"group": 0, "row_count": 5, "value": 5}], "house": [{"group": 1, "row_count": 5, "value": 5}], "scrambledpix": [{"group": 0, "row_count": 5, "value": 5}], "bottle": [{"group": 0, "row_count": 5, "value": 5}], "chair": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 362, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 4, "row_count": 5, "value": 5}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 4}, "size": 5, "degree": 4}, {"id": 234, "name": 234, "tooltip": "234 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 2 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1018, 1019], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 2, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 1, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 235, "name": 235, "tooltip": "235 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 3 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1018, 1019, 1020], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 3, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 1, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 236, "name": 236, "tooltip": "236 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1012], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 237, "name": 237, "tooltip": "237 (size: 3)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1010, 1011, 1012], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 1, "row_count": 3, "value": 2}, {"group": 0, "row_count": 3, "value": 1}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 238, "name": 238, "tooltip": "238 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1009], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 239, "name": 239, "tooltip": "239 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1009, 1010], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 1, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 240, "name": 240, "tooltip": "240 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1007], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 241, "name": 241, "tooltip": "241 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1007, 1008], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 1, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 242, "name": 242, "tooltip": "242 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 3 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1006, 1007, 1008], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 3, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 1, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 243, "name": 243, "tooltip": "243 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1005], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 244, "name": 244, "tooltip": "244 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1004], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 245, "name": 245, "tooltip": "245 (size: 2)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1002, 1003], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 1}, {"group": 0, "row_count": 2, "value": 1}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 1}, {"group": 1, "row_count": 2, "value": 1}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 246, "name": 246, "tooltip": "246 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [998, 999], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 247, "name": 247, "tooltip": "247 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [997], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 248, "name": 248, "tooltip": "248 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [995], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 249, "name": 249, "tooltip": "249 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [994], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 250, "name": 250, "tooltip": "250 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 3 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [994, 995, 996], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 3, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 1, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 251, "name": 251, "tooltip": "251 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 2 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [992, 993], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 2, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 1, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 252, "name": 252, "tooltip": "252 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [990], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 253, "name": 253, "tooltip": "253 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [989], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 254, "name": 254, "tooltip": "254 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 2 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [989, 990], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 2, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 1, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 6, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 6}, "size": 2, "degree": 6}, {"id": 255, "name": 255, "tooltip": "255 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [988], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 256, "name": 256, "tooltip": "256 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [987], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 257, "name": 257, "tooltip": "257 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [986], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 258, "name": 258, "tooltip": "258 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [984], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 9, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 9}, "size": 1, "degree": 9}, {"id": 259, "name": 259, "tooltip": "259 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [983], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 260, "name": 260, "tooltip": "260 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [982], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 261, "name": 261, "tooltip": "261 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [978], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 262, "name": 262, "tooltip": "262 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [976], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 263, "name": 263, "tooltip": "263 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [975, 976], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 2, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 1, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 7, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 7}, "size": 2, "degree": 7}, {"id": 264, "name": 264, "tooltip": "264 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [974], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 265, "name": 265, "tooltip": "265 (size: 4)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [971, 972, 973, 974], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 1, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 1, "row_count": 4, "value": 3}, {"group": 0, "row_count": 4, "value": 1}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 3}, {"group": 1, "row_count": 4, "value": 1}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1451, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 5, "row_count": 4, "value": 4}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 5}, "size": 4, "degree": 5}, {"id": 266, "name": 266, "tooltip": "266 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [970, 971], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 267, "name": 267, "tooltip": "267 (size: 7)
\n \n \n rest | \n 7 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [969, 970, 971, 972, 1211, 1212, 1214], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 7, "row_count": 7}, {"label": "scissors", "group": 1, "value": 0, "row_count": 7}, {"label": "face", "group": 2, "value": 0, "row_count": 7}, {"label": "cat", "group": 3, "value": 0, "row_count": 7}, {"label": "shoe", "group": 4, "value": 0, "row_count": 7}, {"label": "house", "group": 5, "value": 0, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 7}, {"label": "bottle", "group": 7, "value": 0, "row_count": 7}, {"label": "chair", "group": 8, "value": 0, "row_count": 7}], "rest": [{"group": 1, "row_count": 7, "value": 7}], "scissors": [{"group": 0, "row_count": 7, "value": 7}], "face": [{"group": 0, "row_count": 7, "value": 7}], "cat": [{"group": 0, "row_count": 7, "value": 7}], "shoe": [{"group": 0, "row_count": 7, "value": 7}], "house": [{"group": 0, "row_count": 7, "value": 7}], "scrambledpix": [{"group": 0, "row_count": 7, "value": 7}], "bottle": [{"group": 0, "row_count": 7, "value": 7}], "chair": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 1451, "row_count": 7, "value": 4}, {"group": 362, "row_count": 7, "value": 3}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 6, "row_count": 7, "value": 7}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 6}, "size": 7, "degree": 6}, {"id": 268, "name": 268, "tooltip": "268 (size: 4)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [968, 969, 970, 971], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 1, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1451, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 4, "row_count": 4, "value": 4}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 4}, "size": 4, "degree": 4}, {"id": 269, "name": 269, "tooltip": "269 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [965], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 270, "name": 270, "tooltip": "270 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [965, 966, 967], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 271, "name": 271, "tooltip": "271 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [964], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 272, "name": 272, "tooltip": "272 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [962], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 273, "name": 273, "tooltip": "273 (size: 13)
\n \n \n rest | \n 8 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 5 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [962, 963, 964, 1204, 1205, 1206, 1207, 1208, 1233, 1234, 1235, 1236, 1237], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 8, "row_count": 13}, {"label": "scissors", "group": 1, "value": 0, "row_count": 13}, {"label": "face", "group": 2, "value": 0, "row_count": 13}, {"label": "cat", "group": 3, "value": 0, "row_count": 13}, {"label": "shoe", "group": 4, "value": 0, "row_count": 13}, {"label": "house", "group": 5, "value": 0, "row_count": 13}, {"label": "scrambledpix", "group": 6, "value": 5, "row_count": 13}, {"label": "bottle", "group": 7, "value": 0, "row_count": 13}, {"label": "chair", "group": 8, "value": 0, "row_count": 13}], "rest": [{"group": 1, "row_count": 13, "value": 8}, {"group": 0, "row_count": 13, "value": 5}], "scissors": [{"group": 0, "row_count": 13, "value": 13}], "face": [{"group": 0, "row_count": 13, "value": 13}], "cat": [{"group": 0, "row_count": 13, "value": 13}], "shoe": [{"group": 0, "row_count": 13, "value": 13}], "house": [{"group": 0, "row_count": 13, "value": 13}], "scrambledpix": [{"group": 0, "row_count": 13, "value": 8}, {"group": 1, "row_count": 13, "value": 5}], "bottle": [{"group": 0, "row_count": 13, "value": 13}], "chair": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 362, "row_count": 13, "value": 10}, {"group": 1451, "row_count": 13, "value": 3}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 12, "row_count": 13, "value": 13}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 12}, "size": 13, "degree": 12}, {"id": 274, "name": 274, "tooltip": "274 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [959], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 8, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 8}, "size": 1, "degree": 8}, {"id": 275, "name": 275, "tooltip": "275 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 2 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [957, 958], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 2, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 1, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 8, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 8}, "size": 2, "degree": 8}, {"id": 276, "name": 276, "tooltip": "276 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [956], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 277, "name": 277, "tooltip": "277 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 4 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [956, 957, 958, 959], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 4, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 1, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1451, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 11, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 11}, "size": 4, "degree": 11}, {"id": 278, "name": 278, "tooltip": "278 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [955], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 279, "name": 279, "tooltip": "279 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [954], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 280, "name": 280, "tooltip": "280 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [952], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 281, "name": 281, "tooltip": "281 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [948], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 282, "name": 282, "tooltip": "282 (size: 4)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [948, 1146, 1147, 1148], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 1, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 1, "row_count": 4, "value": 3}, {"group": 0, "row_count": 4, "value": 1}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 3}, {"group": 1, "row_count": 4, "value": 1}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 362, "row_count": 4, "value": 3}, {"group": 1451, "row_count": 4, "value": 1}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 5, "row_count": 4, "value": 4}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 5}, "size": 4, "degree": 5}, {"id": 283, "name": 283, "tooltip": "283 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [947], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 284, "name": 284, "tooltip": "284 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [945], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 285, "name": 285, "tooltip": "285 (size: 14)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 2 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 11 | \n
\n \n
", "members": [944, 945, 1045, 1046, 1047, 1048, 1052, 1053, 1245, 1248, 1249, 1250, 1251, 1252], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 14}, {"label": "scissors", "group": 1, "value": 0, "row_count": 14}, {"label": "face", "group": 2, "value": 0, "row_count": 14}, {"label": "cat", "group": 3, "value": 2, "row_count": 14}, {"label": "shoe", "group": 4, "value": 0, "row_count": 14}, {"label": "house", "group": 5, "value": 0, "row_count": 14}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 14}, {"label": "bottle", "group": 7, "value": 0, "row_count": 14}, {"label": "chair", "group": 8, "value": 11, "row_count": 14}], "rest": [{"group": 0, "row_count": 14, "value": 13}, {"group": 1, "row_count": 14, "value": 1}], "scissors": [{"group": 0, "row_count": 14, "value": 14}], "face": [{"group": 0, "row_count": 14, "value": 14}], "cat": [{"group": 0, "row_count": 14, "value": 12}, {"group": 1, "row_count": 14, "value": 2}], "shoe": [{"group": 0, "row_count": 14, "value": 14}], "house": [{"group": 0, "row_count": 14, "value": 14}], "scrambledpix": [{"group": 0, "row_count": 14, "value": 14}], "bottle": [{"group": 0, "row_count": 14, "value": 14}], "chair": [{"group": 1, "row_count": 14, "value": 11}, {"group": 0, "row_count": 14, "value": 3}], "data_id": [{"group": 362, "row_count": 14, "value": 12}, {"group": 1451, "row_count": 14, "value": 2}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 15, "row_count": 14, "value": 14}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 362, "uniform": 0, "degree": 15}, "size": 14, "degree": 15}, {"id": 286, "name": 286, "tooltip": "286 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [942], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 287, "name": 287, "tooltip": "287 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [938], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 288, "name": 288, "tooltip": "288 (size: 9)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 4 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [938, 1016, 1138, 1174, 1175, 1176, 1220, 1221, 1267], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 9}, {"label": "scissors", "group": 1, "value": 0, "row_count": 9}, {"label": "face", "group": 2, "value": 0, "row_count": 9}, {"label": "cat", "group": 3, "value": 4, "row_count": 9}, {"label": "shoe", "group": 4, "value": 1, "row_count": 9}, {"label": "house", "group": 5, "value": 0, "row_count": 9}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 9}, {"label": "bottle", "group": 7, "value": 1, "row_count": 9}, {"label": "chair", "group": 8, "value": 0, "row_count": 9}], "rest": [{"group": 0, "row_count": 9, "value": 6}, {"group": 1, "row_count": 9, "value": 3}], "scissors": [{"group": 0, "row_count": 9, "value": 9}], "face": [{"group": 0, "row_count": 9, "value": 9}], "cat": [{"group": 0, "row_count": 9, "value": 5}, {"group": 1, "row_count": 9, "value": 4}], "shoe": [{"group": 0, "row_count": 9, "value": 8}, {"group": 1, "row_count": 9, "value": 1}], "house": [{"group": 0, "row_count": 9, "value": 9}], "scrambledpix": [{"group": 0, "row_count": 9, "value": 9}], "bottle": [{"group": 0, "row_count": 9, "value": 8}, {"group": 1, "row_count": 9, "value": 1}], "chair": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 362, "row_count": 9, "value": 8}, {"group": 1451, "row_count": 9, "value": 1}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 15, "row_count": 9, "value": 9}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 15}, "size": 9, "degree": 15}, {"id": 289, "name": 289, "tooltip": "289 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [933], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 290, "name": 290, "tooltip": "290 (size: 4)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 2 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [933, 1008, 1296, 1389], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 2, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 3}, {"group": 1, "row_count": 4, "value": 1}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 1, "row_count": 4, "value": 2}, {"group": 0, "row_count": 4, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 3}, {"group": 1, "row_count": 4, "value": 1}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 362, "row_count": 4, "value": 2}, {"group": 1451, "row_count": 4, "value": 1}, {"group": 725, "row_count": 4, "value": 1}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 6, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 6}, "size": 4, "degree": 6}, {"id": 291, "name": 291, "tooltip": "291 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [930], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 292, "name": 292, "tooltip": "292 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 3 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [927, 928, 929], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 3, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 1, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 293, "name": 293, "tooltip": "293 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [921], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 294, "name": 294, "tooltip": "294 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [919, 920, 921], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 295, "name": 295, "tooltip": "295 (size: 3)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [917, 918, 919], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 1, "row_count": 3, "value": 2}, {"group": 0, "row_count": 3, "value": 1}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 296, "name": 296, "tooltip": "296 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [916], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 297, "name": 297, "tooltip": "297 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [916, 917], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 1, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 298, "name": 298, "tooltip": "298 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [915], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 299, "name": 299, "tooltip": "299 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [914], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 300, "name": 300, "tooltip": "300 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [913], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 301, "name": 301, "tooltip": "301 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [912], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 302, "name": 302, "tooltip": "302 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [911], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 303, "name": 303, "tooltip": "303 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [908], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 304, "name": 304, "tooltip": "304 (size: 10)
\n \n \n rest | \n 8 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [908, 909, 910, 1072, 1115, 1243, 1331, 1332, 1433, 1434], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 8, "row_count": 10}, {"label": "scissors", "group": 1, "value": 0, "row_count": 10}, {"label": "face", "group": 2, "value": 0, "row_count": 10}, {"label": "cat", "group": 3, "value": 0, "row_count": 10}, {"label": "shoe", "group": 4, "value": 0, "row_count": 10}, {"label": "house", "group": 5, "value": 0, "row_count": 10}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 10}, {"label": "bottle", "group": 7, "value": 0, "row_count": 10}, {"label": "chair", "group": 8, "value": 0, "row_count": 10}], "rest": [{"group": 1, "row_count": 10, "value": 8}, {"group": 0, "row_count": 10, "value": 2}], "scissors": [{"group": 0, "row_count": 10, "value": 10}], "face": [{"group": 0, "row_count": 10, "value": 10}], "cat": [{"group": 0, "row_count": 10, "value": 10}], "shoe": [{"group": 0, "row_count": 10, "value": 10}], "house": [{"group": 0, "row_count": 10, "value": 10}], "scrambledpix": [{"group": 0, "row_count": 10, "value": 8}, {"group": 1, "row_count": 10, "value": 2}], "bottle": [{"group": 0, "row_count": 10, "value": 10}], "chair": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 725, "row_count": 10, "value": 4}, {"group": 1451, "row_count": 10, "value": 3}, {"group": 362, "row_count": 10, "value": 3}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 11, "row_count": 10, "value": 10}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 11}, "size": 10, "degree": 11}, {"id": 305, "name": 305, "tooltip": "305 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [905], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 306, "name": 306, "tooltip": "306 (size: 2)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [904, 905], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 1, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 1}, {"group": 1, "row_count": 2, "value": 1}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 1}, {"group": 0, "row_count": 2, "value": 1}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 307, "name": 307, "tooltip": "307 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [903], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 308, "name": 308, "tooltip": "308 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [902], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 309, "name": 309, "tooltip": "309 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [900], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 310, "name": 310, "tooltip": "310 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 3 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [899, 900, 901], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 3, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 1, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 311, "name": 311, "tooltip": "311 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [898], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 312, "name": 312, "tooltip": "312 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [897, 898], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 2, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 313, "name": 313, "tooltip": "313 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [896], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 314, "name": 314, "tooltip": "314 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [893, 894], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 315, "name": 315, "tooltip": "315 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [891], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 316, "name": 316, "tooltip": "316 (size: 8)
\n \n \n rest | \n 8 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [891, 922, 923, 924, 986, 1088, 1300, 1301], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 8, "row_count": 8}, {"label": "scissors", "group": 1, "value": 0, "row_count": 8}, {"label": "face", "group": 2, "value": 0, "row_count": 8}, {"label": "cat", "group": 3, "value": 0, "row_count": 8}, {"label": "shoe", "group": 4, "value": 0, "row_count": 8}, {"label": "house", "group": 5, "value": 0, "row_count": 8}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 8}, {"label": "bottle", "group": 7, "value": 0, "row_count": 8}, {"label": "chair", "group": 8, "value": 0, "row_count": 8}], "rest": [{"group": 1, "row_count": 8, "value": 8}], "scissors": [{"group": 0, "row_count": 8, "value": 8}], "face": [{"group": 0, "row_count": 8, "value": 8}], "cat": [{"group": 0, "row_count": 8, "value": 8}], "shoe": [{"group": 0, "row_count": 8, "value": 8}], "house": [{"group": 0, "row_count": 8, "value": 8}], "scrambledpix": [{"group": 0, "row_count": 8, "value": 8}], "bottle": [{"group": 0, "row_count": 8, "value": 8}], "chair": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 1451, "row_count": 8, "value": 5}, {"group": 362, "row_count": 8, "value": 3}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 11, "row_count": 8, "value": 8}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 11}, "size": 8, "degree": 11}, {"id": 317, "name": 317, "tooltip": "317 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [891, 892, 893], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 5, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 5}, "size": 3, "degree": 5}, {"id": 318, "name": 318, "tooltip": "318 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [889], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 319, "name": 319, "tooltip": "319 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [886], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 320, "name": 320, "tooltip": "320 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [886, 887], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 2, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 1, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 7, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 7}, "size": 2, "degree": 7}, {"id": 321, "name": 321, "tooltip": "321 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [879, 880, 881], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 4, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 4}, "size": 3, "degree": 4}, {"id": 322, "name": 322, "tooltip": "322 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [878], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 323, "name": 323, "tooltip": "323 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [875], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 324, "name": 324, "tooltip": "324 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 4 | \n
\n \n
", "members": [875, 1251, 1252, 1253], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 4, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 1, "row_count": 4, "value": 4}], "data_id": [{"group": 362, "row_count": 4, "value": 3}, {"group": 1451, "row_count": 4, "value": 1}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 5, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 362, "uniform": 0, "degree": 5}, "size": 4, "degree": 5}, {"id": 325, "name": 325, "tooltip": "325 (size: 6)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [875, 876, 877, 1012, 1242, 1243], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 6}, {"label": "scissors", "group": 1, "value": 0, "row_count": 6}, {"label": "face", "group": 2, "value": 0, "row_count": 6}, {"label": "cat", "group": 3, "value": 0, "row_count": 6}, {"label": "shoe", "group": 4, "value": 0, "row_count": 6}, {"label": "house", "group": 5, "value": 0, "row_count": 6}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 6}, {"label": "bottle", "group": 7, "value": 0, "row_count": 6}, {"label": "chair", "group": 8, "value": 2, "row_count": 6}], "rest": [{"group": 1, "row_count": 6, "value": 4}, {"group": 0, "row_count": 6, "value": 2}], "scissors": [{"group": 0, "row_count": 6, "value": 6}], "face": [{"group": 0, "row_count": 6, "value": 6}], "cat": [{"group": 0, "row_count": 6, "value": 6}], "shoe": [{"group": 0, "row_count": 6, "value": 6}], "house": [{"group": 0, "row_count": 6, "value": 6}], "scrambledpix": [{"group": 0, "row_count": 6, "value": 6}], "bottle": [{"group": 0, "row_count": 6, "value": 6}], "chair": [{"group": 0, "row_count": 6, "value": 4}, {"group": 1, "row_count": 6, "value": 2}], "data_id": [{"group": 1451, "row_count": 6, "value": 3}, {"group": 362, "row_count": 6, "value": 3}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 6, "row_count": 6, "value": 6}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 6}, "size": 6, "degree": 6}, {"id": 326, "name": 326, "tooltip": "326 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [873], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 327, "name": 327, "tooltip": "327 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [871, 872], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 2, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 328, "name": 328, "tooltip": "328 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [868, 869], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 2, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 0, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1451, "uniform": 0, "degree": 0}, "size": 2, "degree": 0}, {"id": 329, "name": 329, "tooltip": "329 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [867], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 330, "name": 330, "tooltip": "330 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [864, 865, 866], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 1, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 3, "degree": 1}, {"id": 331, "name": 331, "tooltip": "331 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [861], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 332, "name": 332, "tooltip": "332 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [859], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 333, "name": 333, "tooltip": "333 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 3 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [855, 856, 857], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 3, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 1, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 334, "name": 334, "tooltip": "334 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [854], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 335, "name": 335, "tooltip": "335 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [852], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 336, "name": 336, "tooltip": "336 (size: 3)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [852, 853, 854], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 2, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 1, "row_count": 3, "value": 2}, {"group": 0, "row_count": 3, "value": 1}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 337, "name": 337, "tooltip": "337 (size: 4)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [848, 849, 850, 851], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 1, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1451, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 0, "row_count": 4, "value": 4}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 0}, "size": 4, "degree": 0}, {"id": 338, "name": 338, "tooltip": "338 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [847], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 339, "name": 339, "tooltip": "339 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [843], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 340, "name": 340, "tooltip": "340 (size: 4)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [843, 844, 845, 846], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 1, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1451, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 2, "row_count": 4, "value": 4}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 4, "degree": 2}, {"id": 341, "name": 341, "tooltip": "341 (size: 4)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [842, 843, 844, 845], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 1, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1451, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 2, "row_count": 4, "value": 4}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 4, "degree": 2}, {"id": 342, "name": 342, "tooltip": "342 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [841], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 343, "name": 343, "tooltip": "343 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [838, 839], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 1, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 344, "name": 344, "tooltip": "344 (size: 6)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 6 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [835, 836, 837, 838, 839, 840], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 6}, {"label": "scissors", "group": 1, "value": 0, "row_count": 6}, {"label": "face", "group": 2, "value": 0, "row_count": 6}, {"label": "cat", "group": 3, "value": 0, "row_count": 6}, {"label": "shoe", "group": 4, "value": 0, "row_count": 6}, {"label": "house", "group": 5, "value": 0, "row_count": 6}, {"label": "scrambledpix", "group": 6, "value": 6, "row_count": 6}, {"label": "bottle", "group": 7, "value": 0, "row_count": 6}, {"label": "chair", "group": 8, "value": 0, "row_count": 6}], "rest": [{"group": 0, "row_count": 6, "value": 6}], "scissors": [{"group": 0, "row_count": 6, "value": 6}], "face": [{"group": 0, "row_count": 6, "value": 6}], "cat": [{"group": 0, "row_count": 6, "value": 6}], "shoe": [{"group": 0, "row_count": 6, "value": 6}], "house": [{"group": 0, "row_count": 6, "value": 6}], "scrambledpix": [{"group": 1, "row_count": 6, "value": 6}], "bottle": [{"group": 0, "row_count": 6, "value": 6}], "chair": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 1451, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 2, "row_count": 6, "value": 6}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 6, "degree": 2}, {"id": 345, "name": 345, "tooltip": "345 (size: 10)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 4 | \n
\n \n house | \n 2 | \n
\n \n scrambledpix | \n 4 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [833, 834, 835, 836, 932, 1138, 1139, 1289, 1409, 1410], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 10}, {"label": "scissors", "group": 1, "value": 0, "row_count": 10}, {"label": "face", "group": 2, "value": 0, "row_count": 10}, {"label": "cat", "group": 3, "value": 0, "row_count": 10}, {"label": "shoe", "group": 4, "value": 4, "row_count": 10}, {"label": "house", "group": 5, "value": 2, "row_count": 10}, {"label": "scrambledpix", "group": 6, "value": 4, "row_count": 10}, {"label": "bottle", "group": 7, "value": 0, "row_count": 10}, {"label": "chair", "group": 8, "value": 0, "row_count": 10}], "rest": [{"group": 0, "row_count": 10, "value": 10}], "scissors": [{"group": 0, "row_count": 10, "value": 10}], "face": [{"group": 0, "row_count": 10, "value": 10}], "cat": [{"group": 0, "row_count": 10, "value": 10}], "shoe": [{"group": 0, "row_count": 10, "value": 6}, {"group": 1, "row_count": 10, "value": 4}], "house": [{"group": 0, "row_count": 10, "value": 8}, {"group": 1, "row_count": 10, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 10, "value": 6}, {"group": 1, "row_count": 10, "value": 4}], "bottle": [{"group": 0, "row_count": 10, "value": 10}], "chair": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 1451, "row_count": 10, "value": 5}, {"group": 362, "row_count": 10, "value": 3}, {"group": 725, "row_count": 10, "value": 2}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 14, "row_count": 10, "value": 10}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 14}, "size": 10, "degree": 14}, {"id": 346, "name": 346, "tooltip": "346 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [831], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 347, "name": 347, "tooltip": "347 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [829, 830], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 348, "name": 348, "tooltip": "348 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [827], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 349, "name": 349, "tooltip": "349 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [826], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 350, "name": 350, "tooltip": "350 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 4 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [823, 824, 825, 826], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 4, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 1, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1451, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 6, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 6}, "size": 4, "degree": 6}, {"id": 351, "name": 351, "tooltip": "351 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 2 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [821, 822], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 2, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 1, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 352, "name": 352, "tooltip": "352 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [819], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 353, "name": 353, "tooltip": "353 (size: 5)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 5 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [819, 942, 943, 944, 1168], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 5}, {"label": "scissors", "group": 1, "value": 0, "row_count": 5}, {"label": "face", "group": 2, "value": 0, "row_count": 5}, {"label": "cat", "group": 3, "value": 5, "row_count": 5}, {"label": "shoe", "group": 4, "value": 0, "row_count": 5}, {"label": "house", "group": 5, "value": 0, "row_count": 5}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 5}, {"label": "bottle", "group": 7, "value": 0, "row_count": 5}, {"label": "chair", "group": 8, "value": 0, "row_count": 5}], "rest": [{"group": 0, "row_count": 5, "value": 5}], "scissors": [{"group": 0, "row_count": 5, "value": 5}], "face": [{"group": 0, "row_count": 5, "value": 5}], "cat": [{"group": 1, "row_count": 5, "value": 5}], "shoe": [{"group": 0, "row_count": 5, "value": 5}], "house": [{"group": 0, "row_count": 5, "value": 5}], "scrambledpix": [{"group": 0, "row_count": 5, "value": 5}], "bottle": [{"group": 0, "row_count": 5, "value": 5}], "chair": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 1451, "row_count": 5, "value": 4}, {"group": 362, "row_count": 5, "value": 1}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 8, "row_count": 5, "value": 5}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 8}, "size": 5, "degree": 8}, {"id": 354, "name": 354, "tooltip": "354 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [817], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 355, "name": 355, "tooltip": "355 (size: 5)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 3 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [817, 942, 1422, 1423, 1430], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 5}, {"label": "scissors", "group": 1, "value": 0, "row_count": 5}, {"label": "face", "group": 2, "value": 0, "row_count": 5}, {"label": "cat", "group": 3, "value": 3, "row_count": 5}, {"label": "shoe", "group": 4, "value": 0, "row_count": 5}, {"label": "house", "group": 5, "value": 0, "row_count": 5}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 5}, {"label": "bottle", "group": 7, "value": 0, "row_count": 5}, {"label": "chair", "group": 8, "value": 0, "row_count": 5}], "rest": [{"group": 0, "row_count": 5, "value": 3}, {"group": 1, "row_count": 5, "value": 2}], "scissors": [{"group": 0, "row_count": 5, "value": 5}], "face": [{"group": 0, "row_count": 5, "value": 5}], "cat": [{"group": 1, "row_count": 5, "value": 3}, {"group": 0, "row_count": 5, "value": 2}], "shoe": [{"group": 0, "row_count": 5, "value": 5}], "house": [{"group": 0, "row_count": 5, "value": 5}], "scrambledpix": [{"group": 0, "row_count": 5, "value": 5}], "bottle": [{"group": 0, "row_count": 5, "value": 5}], "chair": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 725, "row_count": 5, "value": 3}, {"group": 1451, "row_count": 5, "value": 2}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 9, "row_count": 5, "value": 5}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 9}, "size": 5, "degree": 9}, {"id": 356, "name": 356, "tooltip": "356 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [816], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 357, "name": 357, "tooltip": "357 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [813, 814], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 358, "name": 358, "tooltip": "358 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [811, 812], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 2, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 359, "name": 359, "tooltip": "359 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [810], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 360, "name": 360, "tooltip": "360 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [808], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 361, "name": 361, "tooltip": "361 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 3 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [808, 809, 810], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 3, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 1, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 362, "name": 362, "tooltip": "362 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [807], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 363, "name": 363, "tooltip": "363 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [806], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 364, "name": 364, "tooltip": "364 (size: 7)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 5 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [805, 1061, 1062, 1407, 1408, 1409, 1410], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 7}, {"label": "scissors", "group": 1, "value": 0, "row_count": 7}, {"label": "face", "group": 2, "value": 0, "row_count": 7}, {"label": "cat", "group": 3, "value": 0, "row_count": 7}, {"label": "shoe", "group": 4, "value": 5, "row_count": 7}, {"label": "house", "group": 5, "value": 0, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 7}, {"label": "bottle", "group": 7, "value": 0, "row_count": 7}, {"label": "chair", "group": 8, "value": 0, "row_count": 7}], "rest": [{"group": 0, "row_count": 7, "value": 5}, {"group": 1, "row_count": 7, "value": 2}], "scissors": [{"group": 0, "row_count": 7, "value": 7}], "face": [{"group": 0, "row_count": 7, "value": 7}], "cat": [{"group": 0, "row_count": 7, "value": 7}], "shoe": [{"group": 1, "row_count": 7, "value": 5}, {"group": 0, "row_count": 7, "value": 2}], "house": [{"group": 0, "row_count": 7, "value": 7}], "scrambledpix": [{"group": 0, "row_count": 7, "value": 7}], "bottle": [{"group": 0, "row_count": 7, "value": 7}], "chair": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 725, "row_count": 7, "value": 4}, {"group": 362, "row_count": 7, "value": 2}, {"group": 1451, "row_count": 7, "value": 1}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 9, "row_count": 7, "value": 7}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 9}, "size": 7, "degree": 9}, {"id": 365, "name": 365, "tooltip": "365 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [804], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 366, "name": 366, "tooltip": "366 (size: 3)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [802, 803, 804], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 1, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 2}, {"group": 0, "row_count": 3, "value": 1}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 1, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 3, "degree": 1}, {"id": 367, "name": 367, "tooltip": "367 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [796], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1451, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 368, "name": 368, "tooltip": "368 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 3 | \n
\n \n
", "members": [793, 794, 795], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 3, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 1, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 1, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 3, "degree": 1}, {"id": 369, "name": 369, "tooltip": "369 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 3 | \n
\n \n
", "members": [791, 792, 793], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 3, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 1, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 370, "name": 370, "tooltip": "370 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [789], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1451, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 371, "name": 371, "tooltip": "371 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [788], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 372, "name": 372, "tooltip": "372 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [786, 787], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 373, "name": 373, "tooltip": "373 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [784, 785, 786], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 374, "name": 374, "tooltip": "374 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [783], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 375, "name": 375, "tooltip": "375 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [781], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 376, "name": 376, "tooltip": "376 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 3 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [780, 1131, 1132], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 3, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 1, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 2}, {"group": 1451, "row_count": 3, "value": 1}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 377, "name": 377, "tooltip": "377 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [780, 781], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 2, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 1, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 378, "name": 378, "tooltip": "378 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [779], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 379, "name": 379, "tooltip": "379 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [777, 778], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 2, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 1, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 380, "name": 380, "tooltip": "380 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [775], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 381, "name": 381, "tooltip": "381 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [775, 776], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 2, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 1, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 382, "name": 382, "tooltip": "382 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [774], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 383, "name": 383, "tooltip": "383 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [773], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 384, "name": 384, "tooltip": "384 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [771, 772], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 385, "name": 385, "tooltip": "385 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [770, 771], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 386, "name": 386, "tooltip": "386 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [769], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 387, "name": 387, "tooltip": "387 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [768], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 388, "name": 388, "tooltip": "388 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [767], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 389, "name": 389, "tooltip": "389 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [766], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 390, "name": 390, "tooltip": "390 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [764], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 391, "name": 391, "tooltip": "391 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [763], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 392, "name": 392, "tooltip": "392 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [762], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 393, "name": 393, "tooltip": "393 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [759], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 394, "name": 394, "tooltip": "394 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [758], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 395, "name": 395, "tooltip": "395 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [756, 757], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 396, "name": 396, "tooltip": "396 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [754, 755], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 2, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 1, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 397, "name": 397, "tooltip": "397 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 3 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [752, 753, 754], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 3, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 1, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 398, "name": 398, "tooltip": "398 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [750], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 399, "name": 399, "tooltip": "399 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 3 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [750, 751, 752], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 3, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 1, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 400, "name": 400, "tooltip": "400 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [749], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 401, "name": 401, "tooltip": "401 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [748], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 402, "name": 402, "tooltip": "402 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [748, 749], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 2, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 1, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 403, "name": 403, "tooltip": "403 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [747], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 404, "name": 404, "tooltip": "404 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [747, 748], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 2, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 1, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 405, "name": 405, "tooltip": "405 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [745], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 406, "name": 406, "tooltip": "406 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [745, 746], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 407, "name": 407, "tooltip": "407 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 2 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [739, 740], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 2, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 1, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 5, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 5}, "size": 2, "degree": 5}, {"id": 408, "name": 408, "tooltip": "408 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 2 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [738, 739], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 2, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 1, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 5, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 5}, "size": 2, "degree": 5}, {"id": 409, "name": 409, "tooltip": "409 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [735], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 410, "name": 410, "tooltip": "410 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [725], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 411, "name": 411, "tooltip": "411 (size: 19)
\n \n \n rest | \n 19 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [723, 724, 725, 760, 817, 879, 937, 938, 1001, 1015, 1016, 1043, 1044, 1108, 1109, 1119, 1120, 1176, 1272], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 19, "row_count": 19}, {"label": "scissors", "group": 1, "value": 0, "row_count": 19}, {"label": "face", "group": 2, "value": 0, "row_count": 19}, {"label": "cat", "group": 3, "value": 0, "row_count": 19}, {"label": "shoe", "group": 4, "value": 0, "row_count": 19}, {"label": "house", "group": 5, "value": 0, "row_count": 19}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 19}, {"label": "bottle", "group": 7, "value": 0, "row_count": 19}, {"label": "chair", "group": 8, "value": 0, "row_count": 19}], "rest": [{"group": 1, "row_count": 19, "value": 19}], "scissors": [{"group": 0, "row_count": 19, "value": 19}], "face": [{"group": 0, "row_count": 19, "value": 19}], "cat": [{"group": 0, "row_count": 19, "value": 19}], "shoe": [{"group": 0, "row_count": 19, "value": 19}], "house": [{"group": 0, "row_count": 19, "value": 19}], "scrambledpix": [{"group": 0, "row_count": 19, "value": 19}], "bottle": [{"group": 0, "row_count": 19, "value": 19}], "chair": [{"group": 0, "row_count": 19, "value": 19}], "data_id": [{"group": 362, "row_count": 19, "value": 11}, {"group": 1451, "row_count": 19, "value": 8}], "uniform": [{"group": 0, "row_count": 19, "value": 19}], "degree": [{"group": 19, "row_count": 19, "value": 19}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 19}, "size": 19, "degree": 19}, {"id": 412, "name": 412, "tooltip": "412 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [720], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 413, "name": 413, "tooltip": "413 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [718], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 414, "name": 414, "tooltip": "414 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 2 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [717, 718], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 2, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 1, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 415, "name": 415, "tooltip": "415 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 2 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [714, 715], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 2, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 1, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 416, "name": 416, "tooltip": "416 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [707, 708, 709], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 1, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 3, "degree": 1}, {"id": 417, "name": 417, "tooltip": "417 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [706], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 418, "name": 418, "tooltip": "418 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [703], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 419, "name": 419, "tooltip": "419 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [703, 704], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 2, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 1, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 420, "name": 420, "tooltip": "420 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [702], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 421, "name": 421, "tooltip": "421 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [702, 703], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 2, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 1, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 5, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 5}, "size": 2, "degree": 5}, {"id": 422, "name": 422, "tooltip": "422 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [698, 699], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 2, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 1, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 423, "name": 423, "tooltip": "423 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 4 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [698, 699, 700, 701], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 4, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 1, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1451, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 3, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 4, "degree": 3}, {"id": 424, "name": 424, "tooltip": "424 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 3 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [697, 698, 699], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 3, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 1, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 4, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 4}, "size": 3, "degree": 4}, {"id": 425, "name": 425, "tooltip": "425 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [696], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 426, "name": 426, "tooltip": "426 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [695], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 427, "name": 427, "tooltip": "427 (size: 3)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [695, 696, 697], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 1, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 2}, {"group": 0, "row_count": 3, "value": 1}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 4, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 4}, "size": 3, "degree": 4}, {"id": 428, "name": 428, "tooltip": "428 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [693, 694], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 429, "name": 429, "tooltip": "429 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [692, 693, 694], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 4, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 4}, "size": 3, "degree": 4}, {"id": 430, "name": 430, "tooltip": "430 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [691, 769], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 1, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 1, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 1}, {"group": 0, "row_count": 2, "value": 1}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 1}, {"group": 1, "row_count": 2, "value": 1}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 431, "name": 431, "tooltip": "431 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [689], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 432, "name": 432, "tooltip": "432 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [689, 690], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 2, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 433, "name": 433, "tooltip": "433 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [686], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 434, "name": 434, "tooltip": "434 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 4 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [686, 687, 688, 689], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 4, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 1, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1451, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 3, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 4, "degree": 3}, {"id": 435, "name": 435, "tooltip": "435 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [684, 685], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 2, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 436, "name": 436, "tooltip": "436 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [683, 684], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 2, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 437, "name": 437, "tooltip": "437 (size: 21)
\n \n \n rest | \n 21 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [679, 680, 723, 759, 788, 878, 879, 936, 937, 1000, 1014, 1015, 1042, 1043, 1084, 1085, 1108, 1121, 1136, 1148, 1149], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 21, "row_count": 21}, {"label": "scissors", "group": 1, "value": 0, "row_count": 21}, {"label": "face", "group": 2, "value": 0, "row_count": 21}, {"label": "cat", "group": 3, "value": 0, "row_count": 21}, {"label": "shoe", "group": 4, "value": 0, "row_count": 21}, {"label": "house", "group": 5, "value": 0, "row_count": 21}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 21}, {"label": "bottle", "group": 7, "value": 0, "row_count": 21}, {"label": "chair", "group": 8, "value": 0, "row_count": 21}], "rest": [{"group": 1, "row_count": 21, "value": 21}], "scissors": [{"group": 0, "row_count": 21, "value": 21}], "face": [{"group": 0, "row_count": 21, "value": 21}], "cat": [{"group": 0, "row_count": 21, "value": 21}], "shoe": [{"group": 0, "row_count": 21, "value": 21}], "house": [{"group": 0, "row_count": 21, "value": 21}], "scrambledpix": [{"group": 0, "row_count": 21, "value": 21}], "bottle": [{"group": 0, "row_count": 21, "value": 21}], "chair": [{"group": 0, "row_count": 21, "value": 21}], "data_id": [{"group": 362, "row_count": 21, "value": 12}, {"group": 1451, "row_count": 21, "value": 9}], "uniform": [{"group": 0, "row_count": 21, "value": 21}], "degree": [{"group": 17, "row_count": 21, "value": 21}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 17}, "size": 21, "degree": 17}, {"id": 438, "name": 438, "tooltip": "438 (size: 13)
\n \n \n rest | \n 13 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [679, 680, 681, 682, 759, 879, 880, 894, 895, 1000, 1165, 1392, 1393], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 13, "row_count": 13}, {"label": "scissors", "group": 1, "value": 0, "row_count": 13}, {"label": "face", "group": 2, "value": 0, "row_count": 13}, {"label": "cat", "group": 3, "value": 0, "row_count": 13}, {"label": "shoe", "group": 4, "value": 0, "row_count": 13}, {"label": "house", "group": 5, "value": 0, "row_count": 13}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 13}, {"label": "bottle", "group": 7, "value": 0, "row_count": 13}, {"label": "chair", "group": 8, "value": 0, "row_count": 13}], "rest": [{"group": 1, "row_count": 13, "value": 13}], "scissors": [{"group": 0, "row_count": 13, "value": 13}], "face": [{"group": 0, "row_count": 13, "value": 13}], "cat": [{"group": 0, "row_count": 13, "value": 13}], "shoe": [{"group": 0, "row_count": 13, "value": 13}], "house": [{"group": 0, "row_count": 13, "value": 13}], "scrambledpix": [{"group": 0, "row_count": 13, "value": 13}], "bottle": [{"group": 0, "row_count": 13, "value": 13}], "chair": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 1451, "row_count": 13, "value": 9}, {"group": 362, "row_count": 13, "value": 2}, {"group": 725, "row_count": 13, "value": 2}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 13, "row_count": 13, "value": 13}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 13}, "size": 13, "degree": 13}, {"id": 439, "name": 439, "tooltip": "439 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [677], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 440, "name": 440, "tooltip": "440 (size: 4)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [677, 678, 679, 680], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 1, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1451, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 4, "row_count": 4, "value": 4}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 4}, "size": 4, "degree": 4}, {"id": 441, "name": 441, "tooltip": "441 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [675], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 442, "name": 442, "tooltip": "442 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [674], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 443, "name": 443, "tooltip": "443 (size: 5)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 5 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [671, 672, 673, 674, 675], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 5}, {"label": "scissors", "group": 1, "value": 0, "row_count": 5}, {"label": "face", "group": 2, "value": 0, "row_count": 5}, {"label": "cat", "group": 3, "value": 0, "row_count": 5}, {"label": "shoe", "group": 4, "value": 0, "row_count": 5}, {"label": "house", "group": 5, "value": 0, "row_count": 5}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 5}, {"label": "bottle", "group": 7, "value": 5, "row_count": 5}, {"label": "chair", "group": 8, "value": 0, "row_count": 5}], "rest": [{"group": 0, "row_count": 5, "value": 5}], "scissors": [{"group": 0, "row_count": 5, "value": 5}], "face": [{"group": 0, "row_count": 5, "value": 5}], "cat": [{"group": 0, "row_count": 5, "value": 5}], "shoe": [{"group": 0, "row_count": 5, "value": 5}], "house": [{"group": 0, "row_count": 5, "value": 5}], "scrambledpix": [{"group": 0, "row_count": 5, "value": 5}], "bottle": [{"group": 1, "row_count": 5, "value": 5}], "chair": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 1451, "row_count": 5, "value": 4}, {"group": 1088, "row_count": 5, "value": 1}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 4, "row_count": 5, "value": 5}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 4}, "size": 5, "degree": 4}, {"id": 444, "name": 444, "tooltip": "444 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [666], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 445, "name": 445, "tooltip": "445 (size: 11)
\n \n \n rest | \n 10 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [666, 667, 668, 1056, 1057, 1058, 1059, 1255, 1256, 1257, 1335], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 10, "row_count": 11}, {"label": "scissors", "group": 1, "value": 0, "row_count": 11}, {"label": "face", "group": 2, "value": 0, "row_count": 11}, {"label": "cat", "group": 3, "value": 0, "row_count": 11}, {"label": "shoe", "group": 4, "value": 0, "row_count": 11}, {"label": "house", "group": 5, "value": 0, "row_count": 11}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 11}, {"label": "bottle", "group": 7, "value": 1, "row_count": 11}, {"label": "chair", "group": 8, "value": 0, "row_count": 11}], "rest": [{"group": 1, "row_count": 11, "value": 10}, {"group": 0, "row_count": 11, "value": 1}], "scissors": [{"group": 0, "row_count": 11, "value": 11}], "face": [{"group": 0, "row_count": 11, "value": 11}], "cat": [{"group": 0, "row_count": 11, "value": 11}], "shoe": [{"group": 0, "row_count": 11, "value": 11}], "house": [{"group": 0, "row_count": 11, "value": 11}], "scrambledpix": [{"group": 0, "row_count": 11, "value": 11}], "bottle": [{"group": 0, "row_count": 11, "value": 10}, {"group": 1, "row_count": 11, "value": 1}], "chair": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 362, "row_count": 11, "value": 7}, {"group": 1088, "row_count": 11, "value": 3}, {"group": 725, "row_count": 11, "value": 1}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 7, "row_count": 11, "value": 11}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 7}, "size": 11, "degree": 7}, {"id": 446, "name": 446, "tooltip": "446 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [663], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 447, "name": 447, "tooltip": "447 (size: 9)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 9 | \n
\n \n
", "members": [661, 872, 873, 874, 1051, 1052, 1246, 1247, 1248], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 9}, {"label": "scissors", "group": 1, "value": 0, "row_count": 9}, {"label": "face", "group": 2, "value": 0, "row_count": 9}, {"label": "cat", "group": 3, "value": 0, "row_count": 9}, {"label": "shoe", "group": 4, "value": 0, "row_count": 9}, {"label": "house", "group": 5, "value": 0, "row_count": 9}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 9}, {"label": "bottle", "group": 7, "value": 0, "row_count": 9}, {"label": "chair", "group": 8, "value": 9, "row_count": 9}], "rest": [{"group": 0, "row_count": 9, "value": 9}], "scissors": [{"group": 0, "row_count": 9, "value": 9}], "face": [{"group": 0, "row_count": 9, "value": 9}], "cat": [{"group": 0, "row_count": 9, "value": 9}], "shoe": [{"group": 0, "row_count": 9, "value": 9}], "house": [{"group": 0, "row_count": 9, "value": 9}], "scrambledpix": [{"group": 0, "row_count": 9, "value": 9}], "bottle": [{"group": 0, "row_count": 9, "value": 9}], "chair": [{"group": 1, "row_count": 9, "value": 9}], "data_id": [{"group": 362, "row_count": 9, "value": 5}, {"group": 1451, "row_count": 9, "value": 3}, {"group": 1088, "row_count": 9, "value": 1}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 12, "row_count": 9, "value": 9}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 362, "uniform": 0, "degree": 12}, "size": 9, "degree": 12}, {"id": 448, "name": 448, "tooltip": "448 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [656, 657], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 2, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 449, "name": 449, "tooltip": "449 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [655], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1088, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 450, "name": 450, "tooltip": "450 (size: 7)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 7 | \n
\n \n
", "members": [655, 656, 657, 658, 659, 660, 661], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 7}, {"label": "scissors", "group": 1, "value": 0, "row_count": 7}, {"label": "face", "group": 2, "value": 0, "row_count": 7}, {"label": "cat", "group": 3, "value": 0, "row_count": 7}, {"label": "shoe", "group": 4, "value": 0, "row_count": 7}, {"label": "house", "group": 5, "value": 0, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 7}, {"label": "bottle", "group": 7, "value": 0, "row_count": 7}, {"label": "chair", "group": 8, "value": 7, "row_count": 7}], "rest": [{"group": 0, "row_count": 7, "value": 7}], "scissors": [{"group": 0, "row_count": 7, "value": 7}], "face": [{"group": 0, "row_count": 7, "value": 7}], "cat": [{"group": 0, "row_count": 7, "value": 7}], "shoe": [{"group": 0, "row_count": 7, "value": 7}], "house": [{"group": 0, "row_count": 7, "value": 7}], "scrambledpix": [{"group": 0, "row_count": 7, "value": 7}], "bottle": [{"group": 0, "row_count": 7, "value": 7}], "chair": [{"group": 1, "row_count": 7, "value": 7}], "data_id": [{"group": 1088, "row_count": 7, "value": 7}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 9, "row_count": 7, "value": 7}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1088, "uniform": 0, "degree": 9}, "size": 7, "degree": 9}, {"id": 451, "name": 451, "tooltip": "451 (size: 7)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 3 | \n
\n \n
", "members": [653, 1243, 1244, 1245, 1250, 1251, 1287], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 7}, {"label": "scissors", "group": 1, "value": 0, "row_count": 7}, {"label": "face", "group": 2, "value": 0, "row_count": 7}, {"label": "cat", "group": 3, "value": 0, "row_count": 7}, {"label": "shoe", "group": 4, "value": 0, "row_count": 7}, {"label": "house", "group": 5, "value": 0, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 7}, {"label": "bottle", "group": 7, "value": 0, "row_count": 7}, {"label": "chair", "group": 8, "value": 3, "row_count": 7}], "rest": [{"group": 1, "row_count": 7, "value": 4}, {"group": 0, "row_count": 7, "value": 3}], "scissors": [{"group": 0, "row_count": 7, "value": 7}], "face": [{"group": 0, "row_count": 7, "value": 7}], "cat": [{"group": 0, "row_count": 7, "value": 7}], "shoe": [{"group": 0, "row_count": 7, "value": 7}], "house": [{"group": 0, "row_count": 7, "value": 7}], "scrambledpix": [{"group": 0, "row_count": 7, "value": 7}], "bottle": [{"group": 0, "row_count": 7, "value": 7}], "chair": [{"group": 0, "row_count": 7, "value": 4}, {"group": 1, "row_count": 7, "value": 3}], "data_id": [{"group": 362, "row_count": 7, "value": 6}, {"group": 1088, "row_count": 7, "value": 1}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 10, "row_count": 7, "value": 7}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 10}, "size": 7, "degree": 10}, {"id": 452, "name": 452, "tooltip": "452 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [649], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 453, "name": 453, "tooltip": "453 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [648], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 454, "name": 454, "tooltip": "454 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [646], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 455, "name": 455, "tooltip": "455 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [646, 647], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 2, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 1, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 456, "name": 456, "tooltip": "456 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [645], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 457, "name": 457, "tooltip": "457 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [645, 647], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 2, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 1, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 458, "name": 458, "tooltip": "458 (size: 7)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 5 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [641, 642, 643, 1368, 1373, 1438, 1439], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 7}, {"label": "scissors", "group": 1, "value": 5, "row_count": 7}, {"label": "face", "group": 2, "value": 0, "row_count": 7}, {"label": "cat", "group": 3, "value": 0, "row_count": 7}, {"label": "shoe", "group": 4, "value": 0, "row_count": 7}, {"label": "house", "group": 5, "value": 0, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 7}, {"label": "bottle", "group": 7, "value": 0, "row_count": 7}, {"label": "chair", "group": 8, "value": 2, "row_count": 7}], "rest": [{"group": 0, "row_count": 7, "value": 7}], "scissors": [{"group": 1, "row_count": 7, "value": 5}, {"group": 0, "row_count": 7, "value": 2}], "face": [{"group": 0, "row_count": 7, "value": 7}], "cat": [{"group": 0, "row_count": 7, "value": 7}], "shoe": [{"group": 0, "row_count": 7, "value": 7}], "house": [{"group": 0, "row_count": 7, "value": 7}], "scrambledpix": [{"group": 0, "row_count": 7, "value": 7}], "bottle": [{"group": 0, "row_count": 7, "value": 7}], "chair": [{"group": 0, "row_count": 7, "value": 5}, {"group": 1, "row_count": 7, "value": 2}], "data_id": [{"group": 725, "row_count": 7, "value": 4}, {"group": 1088, "row_count": 7, "value": 3}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 11, "row_count": 7, "value": 7}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 11}, "size": 7, "degree": 11}, {"id": 459, "name": 459, "tooltip": "459 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [639], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 460, "name": 460, "tooltip": "460 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [637], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 461, "name": 461, "tooltip": "461 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [637, 638], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 462, "name": 462, "tooltip": "462 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [635, 636, 637], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 463, "name": 463, "tooltip": "463 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [632], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 464, "name": 464, "tooltip": "464 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [631, 632], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 1, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 465, "name": 465, "tooltip": "465 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [630, 631], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 1, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 466, "name": 466, "tooltip": "466 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [629], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 467, "name": 467, "tooltip": "467 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 4 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [627, 628, 629, 630], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 4, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 1, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1088, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 4, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 4}, "size": 4, "degree": 4}, {"id": 468, "name": 468, "tooltip": "468 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 3 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [626, 627, 628], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 3, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 1, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 1, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 3, "degree": 1}, {"id": 469, "name": 469, "tooltip": "469 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [625], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 470, "name": 470, "tooltip": "470 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [623, 624], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 471, "name": 471, "tooltip": "471 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [621], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 472, "name": 472, "tooltip": "472 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [619], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 473, "name": 473, "tooltip": "473 (size: 3)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [619, 620, 1325], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 1, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 2}, {"group": 0, "row_count": 3, "value": 1}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 2}, {"group": 725, "row_count": 3, "value": 1}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 474, "name": 474, "tooltip": "474 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 3 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [616, 617, 618], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 3, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 1, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 475, "name": 475, "tooltip": "475 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [614], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 476, "name": 476, "tooltip": "476 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 2 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [614, 615], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 2, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 1, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 12, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 12}, "size": 2, "degree": 12}, {"id": 477, "name": 477, "tooltip": "477 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 2 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [612, 613], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 2, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 1, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 478, "name": 478, "tooltip": "478 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [611], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 479, "name": 479, "tooltip": "479 (size: 4)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [599, 600, 601, 602], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 1, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1088, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 2, "row_count": 4, "value": 4}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 4, "degree": 2}, {"id": 480, "name": 480, "tooltip": "480 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [598], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 481, "name": 481, "tooltip": "481 (size: 7)
\n \n \n rest | \n 6 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [598, 599, 600, 601, 602, 603, 604], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 6, "row_count": 7}, {"label": "scissors", "group": 1, "value": 0, "row_count": 7}, {"label": "face", "group": 2, "value": 0, "row_count": 7}, {"label": "cat", "group": 3, "value": 0, "row_count": 7}, {"label": "shoe", "group": 4, "value": 0, "row_count": 7}, {"label": "house", "group": 5, "value": 0, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 7}, {"label": "bottle", "group": 7, "value": 0, "row_count": 7}, {"label": "chair", "group": 8, "value": 0, "row_count": 7}], "rest": [{"group": 1, "row_count": 7, "value": 6}, {"group": 0, "row_count": 7, "value": 1}], "scissors": [{"group": 0, "row_count": 7, "value": 7}], "face": [{"group": 0, "row_count": 7, "value": 7}], "cat": [{"group": 0, "row_count": 7, "value": 7}], "shoe": [{"group": 0, "row_count": 7, "value": 7}], "house": [{"group": 0, "row_count": 7, "value": 7}], "scrambledpix": [{"group": 0, "row_count": 7, "value": 6}, {"group": 1, "row_count": 7, "value": 1}], "bottle": [{"group": 0, "row_count": 7, "value": 7}], "chair": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 1088, "row_count": 7, "value": 7}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 5, "row_count": 7, "value": 7}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 5}, "size": 7, "degree": 5}, {"id": 482, "name": 482, "tooltip": "482 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [596], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 483, "name": 483, "tooltip": "483 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [596, 597], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 1, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 484, "name": 484, "tooltip": "484 (size: 17)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 3 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 6 | \n
\n \n chair | \n 6 | \n
\n \n
", "members": [593, 824, 1051, 1052, 1053, 1076, 1077, 1078, 1079, 1246, 1247, 1248, 1344, 1345, 1397, 1398, 1399], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 17}, {"label": "scissors", "group": 1, "value": 0, "row_count": 17}, {"label": "face", "group": 2, "value": 3, "row_count": 17}, {"label": "cat", "group": 3, "value": 1, "row_count": 17}, {"label": "shoe", "group": 4, "value": 0, "row_count": 17}, {"label": "house", "group": 5, "value": 0, "row_count": 17}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 17}, {"label": "bottle", "group": 7, "value": 6, "row_count": 17}, {"label": "chair", "group": 8, "value": 6, "row_count": 17}], "rest": [{"group": 0, "row_count": 17, "value": 17}], "scissors": [{"group": 0, "row_count": 17, "value": 17}], "face": [{"group": 0, "row_count": 17, "value": 14}, {"group": 1, "row_count": 17, "value": 3}], "cat": [{"group": 0, "row_count": 17, "value": 16}, {"group": 1, "row_count": 17, "value": 1}], "shoe": [{"group": 0, "row_count": 17, "value": 17}], "house": [{"group": 0, "row_count": 17, "value": 17}], "scrambledpix": [{"group": 0, "row_count": 17, "value": 16}, {"group": 1, "row_count": 17, "value": 1}], "bottle": [{"group": 0, "row_count": 17, "value": 11}, {"group": 1, "row_count": 17, "value": 6}], "chair": [{"group": 0, "row_count": 17, "value": 11}, {"group": 1, "row_count": 17, "value": 6}], "data_id": [{"group": 362, "row_count": 17, "value": 10}, {"group": 725, "row_count": 17, "value": 5}, {"group": 1088, "row_count": 17, "value": 1}, {"group": 1451, "row_count": 17, "value": 1}], "uniform": [{"group": 0, "row_count": 17, "value": 17}], "degree": [{"group": 22, "row_count": 17, "value": 17}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 22}, "size": 17, "degree": 22}, {"id": 485, "name": 485, "tooltip": "485 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 3 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [592, 593, 594], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 3, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 1, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 486, "name": 486, "tooltip": "486 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 3 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [591, 592, 593], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 3, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 1, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 487, "name": 487, "tooltip": "487 (size: 15)
\n \n \n rest | \n 15 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [586, 587, 706, 828, 934, 935, 999, 1013, 1029, 1105, 1106, 1134, 1298, 1363, 1377], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 15, "row_count": 15}, {"label": "scissors", "group": 1, "value": 0, "row_count": 15}, {"label": "face", "group": 2, "value": 0, "row_count": 15}, {"label": "cat", "group": 3, "value": 0, "row_count": 15}, {"label": "shoe", "group": 4, "value": 0, "row_count": 15}, {"label": "house", "group": 5, "value": 0, "row_count": 15}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 15}, {"label": "bottle", "group": 7, "value": 0, "row_count": 15}, {"label": "chair", "group": 8, "value": 0, "row_count": 15}], "rest": [{"group": 1, "row_count": 15, "value": 15}], "scissors": [{"group": 0, "row_count": 15, "value": 15}], "face": [{"group": 0, "row_count": 15, "value": 15}], "cat": [{"group": 0, "row_count": 15, "value": 15}], "shoe": [{"group": 0, "row_count": 15, "value": 15}], "house": [{"group": 0, "row_count": 15, "value": 15}], "scrambledpix": [{"group": 0, "row_count": 15, "value": 15}], "bottle": [{"group": 0, "row_count": 15, "value": 15}], "chair": [{"group": 0, "row_count": 15, "value": 15}], "data_id": [{"group": 362, "row_count": 15, "value": 6}, {"group": 1451, "row_count": 15, "value": 5}, {"group": 1088, "row_count": 15, "value": 2}, {"group": 725, "row_count": 15, "value": 2}], "uniform": [{"group": 0, "row_count": 15, "value": 15}], "degree": [{"group": 15, "row_count": 15, "value": 15}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 15}, "size": 15, "degree": 15}, {"id": 488, "name": 488, "tooltip": "488 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [585], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 489, "name": 489, "tooltip": "489 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [584], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 490, "name": 490, "tooltip": "490 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [582], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 491, "name": 491, "tooltip": "491 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 2 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [582, 583], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 2, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 1, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 492, "name": 492, "tooltip": "492 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [581], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 493, "name": 493, "tooltip": "493 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [579], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 494, "name": 494, "tooltip": "494 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 4 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [579, 580, 581, 582], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 4, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 1, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1088, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 5, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 5}, "size": 4, "degree": 5}, {"id": 495, "name": 495, "tooltip": "495 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [575], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 496, "name": 496, "tooltip": "496 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [573], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 497, "name": 497, "tooltip": "497 (size: 9)
\n \n \n rest | \n 9 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [572, 905, 906, 907, 1042, 1070, 1085, 1149, 1150], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 9, "row_count": 9}, {"label": "scissors", "group": 1, "value": 0, "row_count": 9}, {"label": "face", "group": 2, "value": 0, "row_count": 9}, {"label": "cat", "group": 3, "value": 0, "row_count": 9}, {"label": "shoe", "group": 4, "value": 0, "row_count": 9}, {"label": "house", "group": 5, "value": 0, "row_count": 9}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 9}, {"label": "bottle", "group": 7, "value": 0, "row_count": 9}, {"label": "chair", "group": 8, "value": 0, "row_count": 9}], "rest": [{"group": 1, "row_count": 9, "value": 9}], "scissors": [{"group": 0, "row_count": 9, "value": 9}], "face": [{"group": 0, "row_count": 9, "value": 9}], "cat": [{"group": 0, "row_count": 9, "value": 9}], "shoe": [{"group": 0, "row_count": 9, "value": 9}], "house": [{"group": 0, "row_count": 9, "value": 9}], "scrambledpix": [{"group": 0, "row_count": 9, "value": 9}], "bottle": [{"group": 0, "row_count": 9, "value": 9}], "chair": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 362, "row_count": 9, "value": 5}, {"group": 1451, "row_count": 9, "value": 3}, {"group": 1088, "row_count": 9, "value": 1}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 9, "row_count": 9, "value": 9}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 9}, "size": 9, "degree": 9}, {"id": 498, "name": 498, "tooltip": "498 (size: 4)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [572, 862, 863, 864], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 1, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1451, "row_count": 4, "value": 3}, {"group": 1088, "row_count": 4, "value": 1}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 2, "row_count": 4, "value": 4}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 4, "degree": 2}, {"id": 499, "name": 499, "tooltip": "499 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [571], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 500, "name": 500, "tooltip": "500 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [569], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 501, "name": 501, "tooltip": "501 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [568], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 502, "name": 502, "tooltip": "502 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 4 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [563, 564, 565, 566], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 4, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 1, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1088, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 5, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 5}, "size": 4, "degree": 5}, {"id": 503, "name": 503, "tooltip": "503 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 2 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [562, 563], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 2, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 1, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 504, "name": 504, "tooltip": "504 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [561], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 505, "name": 505, "tooltip": "505 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [557], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 506, "name": 506, "tooltip": "506 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [557, 558], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 507, "name": 507, "tooltip": "507 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [555], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 508, "name": 508, "tooltip": "508 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [554], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 509, "name": 509, "tooltip": "509 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [553], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 510, "name": 510, "tooltip": "510 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [551, 552], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 2, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 1, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 511, "name": 511, "tooltip": "511 (size: 20)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 7 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 4 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 4 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [549, 669, 886, 887, 888, 957, 958, 959, 990, 991, 992, 1025, 1032, 1033, 1036, 1126, 1127, 1154, 1155, 1170], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 20}, {"label": "scissors", "group": 1, "value": 7, "row_count": 20}, {"label": "face", "group": 2, "value": 2, "row_count": 20}, {"label": "cat", "group": 3, "value": 4, "row_count": 20}, {"label": "shoe", "group": 4, "value": 0, "row_count": 20}, {"label": "house", "group": 5, "value": 1, "row_count": 20}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 20}, {"label": "bottle", "group": 7, "value": 4, "row_count": 20}, {"label": "chair", "group": 8, "value": 2, "row_count": 20}], "rest": [{"group": 0, "row_count": 20, "value": 20}], "scissors": [{"group": 0, "row_count": 20, "value": 13}, {"group": 1, "row_count": 20, "value": 7}], "face": [{"group": 0, "row_count": 20, "value": 18}, {"group": 1, "row_count": 20, "value": 2}], "cat": [{"group": 0, "row_count": 20, "value": 16}, {"group": 1, "row_count": 20, "value": 4}], "shoe": [{"group": 0, "row_count": 20, "value": 20}], "house": [{"group": 0, "row_count": 20, "value": 19}, {"group": 1, "row_count": 20, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 20, "value": 20}], "bottle": [{"group": 0, "row_count": 20, "value": 16}, {"group": 1, "row_count": 20, "value": 4}], "chair": [{"group": 0, "row_count": 20, "value": 18}, {"group": 1, "row_count": 20, "value": 2}], "data_id": [{"group": 1451, "row_count": 20, "value": 9}, {"group": 362, "row_count": 20, "value": 9}, {"group": 1088, "row_count": 20, "value": 2}], "uniform": [{"group": 0, "row_count": 20, "value": 20}], "degree": [{"group": 28, "row_count": 20, "value": 20}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 28}, "size": 20, "degree": 28}, {"id": 512, "name": 512, "tooltip": "512 (size: 22)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 4 | \n
\n \n face | \n 7 | \n
\n \n cat | \n 6 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 4 | \n
\n \n
", "members": [549, 643, 644, 697, 698, 944, 945, 946, 947, 979, 980, 981, 1036, 1047, 1124, 1145, 1156, 1157, 1169, 1170, 1250, 1302], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 22}, {"label": "scissors", "group": 1, "value": 4, "row_count": 22}, {"label": "face", "group": 2, "value": 7, "row_count": 22}, {"label": "cat", "group": 3, "value": 6, "row_count": 22}, {"label": "shoe", "group": 4, "value": 1, "row_count": 22}, {"label": "house", "group": 5, "value": 0, "row_count": 22}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 22}, {"label": "bottle", "group": 7, "value": 0, "row_count": 22}, {"label": "chair", "group": 8, "value": 4, "row_count": 22}], "rest": [{"group": 0, "row_count": 22, "value": 22}], "scissors": [{"group": 0, "row_count": 22, "value": 18}, {"group": 1, "row_count": 22, "value": 4}], "face": [{"group": 0, "row_count": 22, "value": 15}, {"group": 1, "row_count": 22, "value": 7}], "cat": [{"group": 0, "row_count": 22, "value": 16}, {"group": 1, "row_count": 22, "value": 6}], "shoe": [{"group": 0, "row_count": 22, "value": 21}, {"group": 1, "row_count": 22, "value": 1}], "house": [{"group": 0, "row_count": 22, "value": 22}], "scrambledpix": [{"group": 0, "row_count": 22, "value": 22}], "bottle": [{"group": 0, "row_count": 22, "value": 22}], "chair": [{"group": 0, "row_count": 22, "value": 18}, {"group": 1, "row_count": 22, "value": 4}], "data_id": [{"group": 362, "row_count": 22, "value": 10}, {"group": 1451, "row_count": 22, "value": 9}, {"group": 1088, "row_count": 22, "value": 3}], "uniform": [{"group": 0, "row_count": 22, "value": 22}], "degree": [{"group": 28, "row_count": 22, "value": 22}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 28}, "size": 22, "degree": 28}, {"id": 513, "name": 513, "tooltip": "513 (size: 23)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 10 | \n
\n \n face | \n 6 | \n
\n \n cat | \n 2 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 4 | \n
\n \n
", "members": [549, 550, 551, 552, 634, 644, 782, 783, 889, 890, 940, 941, 980, 981, 982, 1032, 1033, 1034, 1127, 1153, 1157, 1158, 1159], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 23}, {"label": "scissors", "group": 1, "value": 10, "row_count": 23}, {"label": "face", "group": 2, "value": 6, "row_count": 23}, {"label": "cat", "group": 3, "value": 2, "row_count": 23}, {"label": "shoe", "group": 4, "value": 0, "row_count": 23}, {"label": "house", "group": 5, "value": 0, "row_count": 23}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 23}, {"label": "bottle", "group": 7, "value": 0, "row_count": 23}, {"label": "chair", "group": 8, "value": 4, "row_count": 23}], "rest": [{"group": 0, "row_count": 23, "value": 23}], "scissors": [{"group": 0, "row_count": 23, "value": 13}, {"group": 1, "row_count": 23, "value": 10}], "face": [{"group": 0, "row_count": 23, "value": 17}, {"group": 1, "row_count": 23, "value": 6}], "cat": [{"group": 0, "row_count": 23, "value": 21}, {"group": 1, "row_count": 23, "value": 2}], "shoe": [{"group": 0, "row_count": 23, "value": 23}], "house": [{"group": 0, "row_count": 23, "value": 23}], "scrambledpix": [{"group": 0, "row_count": 23, "value": 22}, {"group": 1, "row_count": 23, "value": 1}], "bottle": [{"group": 0, "row_count": 23, "value": 23}], "chair": [{"group": 0, "row_count": 23, "value": 19}, {"group": 1, "row_count": 23, "value": 4}], "data_id": [{"group": 1451, "row_count": 23, "value": 9}, {"group": 362, "row_count": 23, "value": 8}, {"group": 1088, "row_count": 23, "value": 6}], "uniform": [{"group": 0, "row_count": 23, "value": 23}], "degree": [{"group": 20, "row_count": 23, "value": 23}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 20}, "size": 23, "degree": 20}, {"id": 514, "name": 514, "tooltip": "514 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [548, 549], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 2, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 1, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 515, "name": 515, "tooltip": "515 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [547], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 516, "name": 516, "tooltip": "516 (size: 11)
\n \n \n rest | \n 11 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [545, 559, 758, 893, 950, 951, 952, 1070, 1135, 1177, 1178], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 11, "row_count": 11}, {"label": "scissors", "group": 1, "value": 0, "row_count": 11}, {"label": "face", "group": 2, "value": 0, "row_count": 11}, {"label": "cat", "group": 3, "value": 0, "row_count": 11}, {"label": "shoe", "group": 4, "value": 0, "row_count": 11}, {"label": "house", "group": 5, "value": 0, "row_count": 11}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 11}, {"label": "bottle", "group": 7, "value": 0, "row_count": 11}, {"label": "chair", "group": 8, "value": 0, "row_count": 11}], "rest": [{"group": 1, "row_count": 11, "value": 11}], "scissors": [{"group": 0, "row_count": 11, "value": 11}], "face": [{"group": 0, "row_count": 11, "value": 11}], "cat": [{"group": 0, "row_count": 11, "value": 11}], "shoe": [{"group": 0, "row_count": 11, "value": 11}], "house": [{"group": 0, "row_count": 11, "value": 11}], "scrambledpix": [{"group": 0, "row_count": 11, "value": 11}], "bottle": [{"group": 0, "row_count": 11, "value": 11}], "chair": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 1451, "row_count": 11, "value": 5}, {"group": 362, "row_count": 11, "value": 4}, {"group": 1088, "row_count": 11, "value": 2}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 14, "row_count": 11, "value": 11}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 14}, "size": 11, "degree": 14}, {"id": 517, "name": 517, "tooltip": "517 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [544], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 518, "name": 518, "tooltip": "518 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [543], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 519, "name": 519, "tooltip": "519 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [541], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 520, "name": 520, "tooltip": "520 (size: 2)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [541, 542], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 1, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 1}, {"group": 1, "row_count": 2, "value": 1}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 1, "row_count": 2, "value": 1}, {"group": 0, "row_count": 2, "value": 1}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 521, "name": 521, "tooltip": "521 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 3 | \n
\n \n
", "members": [539, 540, 541], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 3, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 1, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 522, "name": 522, "tooltip": "522 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [537], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 523, "name": 523, "tooltip": "523 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 3 | \n
\n \n
", "members": [537, 538, 539], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 3, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 1, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 524, "name": 524, "tooltip": "524 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [535, 536], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 2, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 525, "name": 525, "tooltip": "525 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [534, 535], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 2, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 526, "name": 526, "tooltip": "526 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [531], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 527, "name": 527, "tooltip": "527 (size: 4)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [531, 532, 533, 653], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 1, "row_count": 4}], "rest": [{"group": 1, "row_count": 4, "value": 3}, {"group": 0, "row_count": 4, "value": 1}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 3}, {"group": 1, "row_count": 4, "value": 1}], "data_id": [{"group": 1088, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 5, "row_count": 4, "value": 4}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 5}, "size": 4, "degree": 5}, {"id": 528, "name": 528, "tooltip": "528 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [528, 529], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 5, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 5}, "size": 2, "degree": 5}, {"id": 529, "name": 529, "tooltip": "529 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [526, 527], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 2, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 530, "name": 530, "tooltip": "530 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 3 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [523, 524, 525], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 3, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 1, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 4, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 4}, "size": 3, "degree": 4}, {"id": 531, "name": 531, "tooltip": "531 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 3 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [522, 523, 524], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 3, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 1, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 4, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 4}, "size": 3, "degree": 4}, {"id": 532, "name": 532, "tooltip": "532 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [520, 521], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 2, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 533, "name": 533, "tooltip": "533 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [515], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 534, "name": 534, "tooltip": "534 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [515, 516], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 535, "name": 535, "tooltip": "535 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [514], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 536, "name": 536, "tooltip": "536 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [513], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 537, "name": 537, "tooltip": "537 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [509], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 538, "name": 538, "tooltip": "538 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [505], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 539, "name": 539, "tooltip": "539 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [504], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 540, "name": 540, "tooltip": "540 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [503], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 541, "name": 541, "tooltip": "541 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [501, 502, 503], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 4, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 4}, "size": 3, "degree": 4}, {"id": 542, "name": 542, "tooltip": "542 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [499], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 543, "name": 543, "tooltip": "543 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [498], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 544, "name": 544, "tooltip": "544 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [497], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 545, "name": 545, "tooltip": "545 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 4 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [491, 492, 493, 494], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 4, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 1, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1088, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 11, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 11}, "size": 4, "degree": 11}, {"id": 546, "name": 546, "tooltip": "546 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [489], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 547, "name": 547, "tooltip": "547 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [485, 486, 487], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 1, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 3, "degree": 1}, {"id": 548, "name": 548, "tooltip": "548 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [484], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 549, "name": 549, "tooltip": "549 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [483], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 550, "name": 550, "tooltip": "550 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [482], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 551, "name": 551, "tooltip": "551 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [480, 481, 482], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 552, "name": 552, "tooltip": "552 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 3 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [475, 476, 477], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 3, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 1, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 553, "name": 553, "tooltip": "553 (size: 10)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 4 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 6 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [474, 475, 476, 510, 511, 512, 617, 754, 823, 824], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 10}, {"label": "scissors", "group": 1, "value": 4, "row_count": 10}, {"label": "face", "group": 2, "value": 0, "row_count": 10}, {"label": "cat", "group": 3, "value": 6, "row_count": 10}, {"label": "shoe", "group": 4, "value": 0, "row_count": 10}, {"label": "house", "group": 5, "value": 0, "row_count": 10}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 10}, {"label": "bottle", "group": 7, "value": 0, "row_count": 10}, {"label": "chair", "group": 8, "value": 0, "row_count": 10}], "rest": [{"group": 0, "row_count": 10, "value": 10}], "scissors": [{"group": 0, "row_count": 10, "value": 6}, {"group": 1, "row_count": 10, "value": 4}], "face": [{"group": 0, "row_count": 10, "value": 10}], "cat": [{"group": 1, "row_count": 10, "value": 6}, {"group": 0, "row_count": 10, "value": 4}], "shoe": [{"group": 0, "row_count": 10, "value": 10}], "house": [{"group": 0, "row_count": 10, "value": 10}], "scrambledpix": [{"group": 0, "row_count": 10, "value": 10}], "bottle": [{"group": 0, "row_count": 10, "value": 10}], "chair": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 1088, "row_count": 10, "value": 7}, {"group": 1451, "row_count": 10, "value": 3}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 11, "row_count": 10, "value": 10}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 11}, "size": 10, "degree": 11}, {"id": 554, "name": 554, "tooltip": "554 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [472], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 555, "name": 555, "tooltip": "555 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [472, 473], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 2, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 1, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 556, "name": 556, "tooltip": "556 (size: 6)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 6 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [472, 473, 474, 475, 476, 477], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 6}, {"label": "scissors", "group": 1, "value": 6, "row_count": 6}, {"label": "face", "group": 2, "value": 0, "row_count": 6}, {"label": "cat", "group": 3, "value": 0, "row_count": 6}, {"label": "shoe", "group": 4, "value": 0, "row_count": 6}, {"label": "house", "group": 5, "value": 0, "row_count": 6}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 6}, {"label": "bottle", "group": 7, "value": 0, "row_count": 6}, {"label": "chair", "group": 8, "value": 0, "row_count": 6}], "rest": [{"group": 0, "row_count": 6, "value": 6}], "scissors": [{"group": 1, "row_count": 6, "value": 6}], "face": [{"group": 0, "row_count": 6, "value": 6}], "cat": [{"group": 0, "row_count": 6, "value": 6}], "shoe": [{"group": 0, "row_count": 6, "value": 6}], "house": [{"group": 0, "row_count": 6, "value": 6}], "scrambledpix": [{"group": 0, "row_count": 6, "value": 6}], "bottle": [{"group": 0, "row_count": 6, "value": 6}], "chair": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 1088, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 6, "row_count": 6, "value": 6}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 6}, "size": 6, "degree": 6}, {"id": 557, "name": 557, "tooltip": "557 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [469, 470], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 2, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 1, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 7, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 7}, "size": 2, "degree": 7}, {"id": 558, "name": 558, "tooltip": "558 (size: 14)
\n \n \n rest | \n 13 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [467, 518, 544, 545, 546, 547, 759, 788, 816, 893, 894, 1150, 1351, 1393], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 13, "row_count": 14}, {"label": "scissors", "group": 1, "value": 1, "row_count": 14}, {"label": "face", "group": 2, "value": 0, "row_count": 14}, {"label": "cat", "group": 3, "value": 0, "row_count": 14}, {"label": "shoe", "group": 4, "value": 0, "row_count": 14}, {"label": "house", "group": 5, "value": 0, "row_count": 14}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 14}, {"label": "bottle", "group": 7, "value": 0, "row_count": 14}, {"label": "chair", "group": 8, "value": 0, "row_count": 14}], "rest": [{"group": 1, "row_count": 14, "value": 13}, {"group": 0, "row_count": 14, "value": 1}], "scissors": [{"group": 0, "row_count": 14, "value": 13}, {"group": 1, "row_count": 14, "value": 1}], "face": [{"group": 0, "row_count": 14, "value": 14}], "cat": [{"group": 0, "row_count": 14, "value": 14}], "shoe": [{"group": 0, "row_count": 14, "value": 14}], "house": [{"group": 0, "row_count": 14, "value": 14}], "scrambledpix": [{"group": 0, "row_count": 14, "value": 14}], "bottle": [{"group": 0, "row_count": 14, "value": 14}], "chair": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 1088, "row_count": 14, "value": 6}, {"group": 1451, "row_count": 14, "value": 5}, {"group": 725, "row_count": 14, "value": 2}, {"group": 362, "row_count": 14, "value": 1}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 21, "row_count": 14, "value": 14}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 21}, "size": 14, "degree": 21}, {"id": 559, "name": 559, "tooltip": "559 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [465, 466, 467], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 560, "name": 560, "tooltip": "560 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [464], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 561, "name": 561, "tooltip": "561 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 2 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [462, 463], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 2, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 1, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 562, "name": 562, "tooltip": "562 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 4 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [458, 459, 460, 461], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 4, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 1, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1088, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 2, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 4, "degree": 2}, {"id": 563, "name": 563, "tooltip": "563 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [455], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 564, "name": 564, "tooltip": "564 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [450], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 565, "name": 565, "tooltip": "565 (size: 4)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [450, 451, 452, 453], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 1, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1088, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 3, "row_count": 4, "value": 4}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 4, "degree": 3}, {"id": 566, "name": 566, "tooltip": "566 (size: 3)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [448, 449, 450], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 1, "row_count": 3, "value": 2}, {"group": 0, "row_count": 3, "value": 1}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 567, "name": 567, "tooltip": "567 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [445, 446], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 1, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 568, "name": 568, "tooltip": "568 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [443, 444], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 1, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 569, "name": 569, "tooltip": "569 (size: 6)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 6 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [443, 444, 445, 446, 447, 448], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 6}, {"label": "scissors", "group": 1, "value": 0, "row_count": 6}, {"label": "face", "group": 2, "value": 0, "row_count": 6}, {"label": "cat", "group": 3, "value": 0, "row_count": 6}, {"label": "shoe", "group": 4, "value": 0, "row_count": 6}, {"label": "house", "group": 5, "value": 0, "row_count": 6}, {"label": "scrambledpix", "group": 6, "value": 6, "row_count": 6}, {"label": "bottle", "group": 7, "value": 0, "row_count": 6}, {"label": "chair", "group": 8, "value": 0, "row_count": 6}], "rest": [{"group": 0, "row_count": 6, "value": 6}], "scissors": [{"group": 0, "row_count": 6, "value": 6}], "face": [{"group": 0, "row_count": 6, "value": 6}], "cat": [{"group": 0, "row_count": 6, "value": 6}], "shoe": [{"group": 0, "row_count": 6, "value": 6}], "house": [{"group": 0, "row_count": 6, "value": 6}], "scrambledpix": [{"group": 1, "row_count": 6, "value": 6}], "bottle": [{"group": 0, "row_count": 6, "value": 6}], "chair": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 1088, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 5, "row_count": 6, "value": 6}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 5}, "size": 6, "degree": 5}, {"id": 570, "name": 570, "tooltip": "570 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [441], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 571, "name": 571, "tooltip": "571 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [440], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 572, "name": 572, "tooltip": "572 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [439], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 573, "name": 573, "tooltip": "573 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [433], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 574, "name": 574, "tooltip": "574 (size: 16)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 4 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 7 | \n
\n \n bottle | \n 3 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [433, 434, 441, 442, 443, 444, 445, 552, 632, 633, 671, 672, 882, 883, 884, 961], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 16}, {"label": "scissors", "group": 1, "value": 4, "row_count": 16}, {"label": "face", "group": 2, "value": 2, "row_count": 16}, {"label": "cat", "group": 3, "value": 0, "row_count": 16}, {"label": "shoe", "group": 4, "value": 0, "row_count": 16}, {"label": "house", "group": 5, "value": 0, "row_count": 16}, {"label": "scrambledpix", "group": 6, "value": 7, "row_count": 16}, {"label": "bottle", "group": 7, "value": 3, "row_count": 16}, {"label": "chair", "group": 8, "value": 0, "row_count": 16}], "rest": [{"group": 0, "row_count": 16, "value": 16}], "scissors": [{"group": 0, "row_count": 16, "value": 12}, {"group": 1, "row_count": 16, "value": 4}], "face": [{"group": 0, "row_count": 16, "value": 14}, {"group": 1, "row_count": 16, "value": 2}], "cat": [{"group": 0, "row_count": 16, "value": 16}], "shoe": [{"group": 0, "row_count": 16, "value": 16}], "house": [{"group": 0, "row_count": 16, "value": 16}], "scrambledpix": [{"group": 0, "row_count": 16, "value": 9}, {"group": 1, "row_count": 16, "value": 7}], "bottle": [{"group": 0, "row_count": 16, "value": 13}, {"group": 1, "row_count": 16, "value": 3}], "chair": [{"group": 0, "row_count": 16, "value": 16}], "data_id": [{"group": 1088, "row_count": 16, "value": 11}, {"group": 1451, "row_count": 16, "value": 5}], "uniform": [{"group": 0, "row_count": 16, "value": 16}], "degree": [{"group": 19, "row_count": 16, "value": 16}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 19}, "size": 16, "degree": 19}, {"id": 575, "name": 575, "tooltip": "575 (size: 5)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [433, 434, 435, 436, 437], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 5}, {"label": "scissors", "group": 1, "value": 0, "row_count": 5}, {"label": "face", "group": 2, "value": 2, "row_count": 5}, {"label": "cat", "group": 3, "value": 0, "row_count": 5}, {"label": "shoe", "group": 4, "value": 0, "row_count": 5}, {"label": "house", "group": 5, "value": 0, "row_count": 5}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 5}, {"label": "bottle", "group": 7, "value": 0, "row_count": 5}, {"label": "chair", "group": 8, "value": 0, "row_count": 5}], "rest": [{"group": 1, "row_count": 5, "value": 3}, {"group": 0, "row_count": 5, "value": 2}], "scissors": [{"group": 0, "row_count": 5, "value": 5}], "face": [{"group": 0, "row_count": 5, "value": 3}, {"group": 1, "row_count": 5, "value": 2}], "cat": [{"group": 0, "row_count": 5, "value": 5}], "shoe": [{"group": 0, "row_count": 5, "value": 5}], "house": [{"group": 0, "row_count": 5, "value": 5}], "scrambledpix": [{"group": 0, "row_count": 5, "value": 5}], "bottle": [{"group": 0, "row_count": 5, "value": 5}], "chair": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 1088, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 8, "row_count": 5, "value": 5}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 8}, "size": 5, "degree": 8}, {"id": 576, "name": 576, "tooltip": "576 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 3 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [432, 433, 434], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 3, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 1, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 4, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 4}, "size": 3, "degree": 4}, {"id": 577, "name": 577, "tooltip": "577 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 4 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [428, 429, 430, 431], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 4, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 1, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1088, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 3, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 4, "degree": 3}, {"id": 578, "name": 578, "tooltip": "578 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [427], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 7, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 7}, "size": 1, "degree": 7}, {"id": 579, "name": 579, "tooltip": "579 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [427, 428], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 2, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 1, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 9, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 9}, "size": 2, "degree": 9}, {"id": 580, "name": 580, "tooltip": "580 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [426], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 581, "name": 581, "tooltip": "581 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [425], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 582, "name": 582, "tooltip": "582 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [421], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 583, "name": 583, "tooltip": "583 (size: 5)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [421, 555, 556, 557, 1083], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 5}, {"label": "scissors", "group": 1, "value": 1, "row_count": 5}, {"label": "face", "group": 2, "value": 0, "row_count": 5}, {"label": "cat", "group": 3, "value": 0, "row_count": 5}, {"label": "shoe", "group": 4, "value": 0, "row_count": 5}, {"label": "house", "group": 5, "value": 0, "row_count": 5}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 5}, {"label": "bottle", "group": 7, "value": 0, "row_count": 5}, {"label": "chair", "group": 8, "value": 0, "row_count": 5}], "rest": [{"group": 1, "row_count": 5, "value": 4}, {"group": 0, "row_count": 5, "value": 1}], "scissors": [{"group": 0, "row_count": 5, "value": 4}, {"group": 1, "row_count": 5, "value": 1}], "face": [{"group": 0, "row_count": 5, "value": 5}], "cat": [{"group": 0, "row_count": 5, "value": 5}], "shoe": [{"group": 0, "row_count": 5, "value": 5}], "house": [{"group": 0, "row_count": 5, "value": 5}], "scrambledpix": [{"group": 0, "row_count": 5, "value": 5}], "bottle": [{"group": 0, "row_count": 5, "value": 5}], "chair": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 1088, "row_count": 5, "value": 4}, {"group": 362, "row_count": 5, "value": 1}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 6, "row_count": 5, "value": 5}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 6}, "size": 5, "degree": 6}, {"id": 584, "name": 584, "tooltip": "584 (size: 10)
\n \n \n rest | \n 10 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [421, 422, 423, 424, 515, 828, 998, 999, 1178, 1404], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 10, "row_count": 10}, {"label": "scissors", "group": 1, "value": 0, "row_count": 10}, {"label": "face", "group": 2, "value": 0, "row_count": 10}, {"label": "cat", "group": 3, "value": 0, "row_count": 10}, {"label": "shoe", "group": 4, "value": 0, "row_count": 10}, {"label": "house", "group": 5, "value": 0, "row_count": 10}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 10}, {"label": "bottle", "group": 7, "value": 0, "row_count": 10}, {"label": "chair", "group": 8, "value": 0, "row_count": 10}], "rest": [{"group": 1, "row_count": 10, "value": 10}], "scissors": [{"group": 0, "row_count": 10, "value": 10}], "face": [{"group": 0, "row_count": 10, "value": 10}], "cat": [{"group": 0, "row_count": 10, "value": 10}], "shoe": [{"group": 0, "row_count": 10, "value": 10}], "house": [{"group": 0, "row_count": 10, "value": 10}], "scrambledpix": [{"group": 0, "row_count": 10, "value": 10}], "bottle": [{"group": 0, "row_count": 10, "value": 10}], "chair": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 1088, "row_count": 10, "value": 5}, {"group": 1451, "row_count": 10, "value": 3}, {"group": 362, "row_count": 10, "value": 1}, {"group": 725, "row_count": 10, "value": 1}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 14, "row_count": 10, "value": 10}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 14}, "size": 10, "degree": 14}, {"id": 585, "name": 585, "tooltip": "585 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [420], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 586, "name": 586, "tooltip": "586 (size: 13)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 9 | \n
\n \n
", "members": [420, 661, 662, 663, 879, 880, 1047, 1048, 1049, 1053, 1248, 1249, 1251], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 13}, {"label": "scissors", "group": 1, "value": 0, "row_count": 13}, {"label": "face", "group": 2, "value": 0, "row_count": 13}, {"label": "cat", "group": 3, "value": 1, "row_count": 13}, {"label": "shoe", "group": 4, "value": 0, "row_count": 13}, {"label": "house", "group": 5, "value": 0, "row_count": 13}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 13}, {"label": "bottle", "group": 7, "value": 0, "row_count": 13}, {"label": "chair", "group": 8, "value": 9, "row_count": 13}], "rest": [{"group": 0, "row_count": 13, "value": 10}, {"group": 1, "row_count": 13, "value": 3}], "scissors": [{"group": 0, "row_count": 13, "value": 13}], "face": [{"group": 0, "row_count": 13, "value": 13}], "cat": [{"group": 0, "row_count": 13, "value": 12}, {"group": 1, "row_count": 13, "value": 1}], "shoe": [{"group": 0, "row_count": 13, "value": 13}], "house": [{"group": 0, "row_count": 13, "value": 13}], "scrambledpix": [{"group": 0, "row_count": 13, "value": 13}], "bottle": [{"group": 0, "row_count": 13, "value": 13}], "chair": [{"group": 1, "row_count": 13, "value": 9}, {"group": 0, "row_count": 13, "value": 4}], "data_id": [{"group": 362, "row_count": 13, "value": 7}, {"group": 1088, "row_count": 13, "value": 4}, {"group": 1451, "row_count": 13, "value": 2}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 16, "row_count": 13, "value": 13}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 362, "uniform": 0, "degree": 16}, "size": 13, "degree": 16}, {"id": 587, "name": 587, "tooltip": "587 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [419], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 588, "name": 588, "tooltip": "588 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 2 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [418, 419], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 2, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 1, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 589, "name": 589, "tooltip": "589 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 2 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [416, 417], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 2, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 1, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 590, "name": 590, "tooltip": "590 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 3 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [415, 416, 417], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 3, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 1, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 5, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 5}, "size": 3, "degree": 5}, {"id": 591, "name": 591, "tooltip": "591 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 3 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [413, 414, 415], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 3, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 1, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 8, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 8}, "size": 3, "degree": 8}, {"id": 592, "name": 592, "tooltip": "592 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 2 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [412, 413], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 2, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 1, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 6, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 6}, "size": 2, "degree": 6}, {"id": 593, "name": 593, "tooltip": "593 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [410, 411], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 0, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 0}, "size": 2, "degree": 0}, {"id": 594, "name": 594, "tooltip": "594 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [407], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 595, "name": 595, "tooltip": "595 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [407, 408], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 596, "name": 596, "tooltip": "596 (size: 2)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [406, 407], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 1, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 1}, {"group": 1, "row_count": 2, "value": 1}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 1, "row_count": 2, "value": 1}, {"group": 0, "row_count": 2, "value": 1}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 597, "name": 597, "tooltip": "597 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [404], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 598, "name": 598, "tooltip": "598 (size: 12)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 3 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 5 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [403, 883, 884, 1060, 1061, 1062, 1258, 1259, 1260, 1261, 1262, 1337], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 12}, {"label": "scissors", "group": 1, "value": 2, "row_count": 12}, {"label": "face", "group": 2, "value": 0, "row_count": 12}, {"label": "cat", "group": 3, "value": 0, "row_count": 12}, {"label": "shoe", "group": 4, "value": 3, "row_count": 12}, {"label": "house", "group": 5, "value": 0, "row_count": 12}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 12}, {"label": "bottle", "group": 7, "value": 5, "row_count": 12}, {"label": "chair", "group": 8, "value": 1, "row_count": 12}], "rest": [{"group": 0, "row_count": 12, "value": 11}, {"group": 1, "row_count": 12, "value": 1}], "scissors": [{"group": 0, "row_count": 12, "value": 10}, {"group": 1, "row_count": 12, "value": 2}], "face": [{"group": 0, "row_count": 12, "value": 12}], "cat": [{"group": 0, "row_count": 12, "value": 12}], "shoe": [{"group": 0, "row_count": 12, "value": 9}, {"group": 1, "row_count": 12, "value": 3}], "house": [{"group": 0, "row_count": 12, "value": 12}], "scrambledpix": [{"group": 0, "row_count": 12, "value": 12}], "bottle": [{"group": 0, "row_count": 12, "value": 7}, {"group": 1, "row_count": 12, "value": 5}], "chair": [{"group": 0, "row_count": 12, "value": 11}, {"group": 1, "row_count": 12, "value": 1}], "data_id": [{"group": 362, "row_count": 12, "value": 8}, {"group": 1451, "row_count": 12, "value": 2}, {"group": 1088, "row_count": 12, "value": 1}, {"group": 725, "row_count": 12, "value": 1}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 12, "row_count": 12, "value": 12}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 12}, "size": 12, "degree": 12}, {"id": 599, "name": 599, "tooltip": "599 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 3 | \n
\n \n
", "members": [403, 404, 405], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 3, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 1, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 4, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1088, "uniform": 0, "degree": 4}, "size": 3, "degree": 4}, {"id": 600, "name": 600, "tooltip": "600 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [401], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 601, "name": 601, "tooltip": "601 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 3 | \n
\n \n
", "members": [401, 402, 403], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 3, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 1, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 5, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 1088, "uniform": 0, "degree": 5}, "size": 3, "degree": 5}, {"id": 602, "name": 602, "tooltip": "602 (size: 9)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 4 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 4 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [399, 565, 566, 567, 568, 1317, 1318, 1319, 1320], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 9}, {"label": "scissors", "group": 1, "value": 4, "row_count": 9}, {"label": "face", "group": 2, "value": 0, "row_count": 9}, {"label": "cat", "group": 3, "value": 0, "row_count": 9}, {"label": "shoe", "group": 4, "value": 0, "row_count": 9}, {"label": "house", "group": 5, "value": 0, "row_count": 9}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 9}, {"label": "bottle", "group": 7, "value": 4, "row_count": 9}, {"label": "chair", "group": 8, "value": 1, "row_count": 9}], "rest": [{"group": 0, "row_count": 9, "value": 9}], "scissors": [{"group": 0, "row_count": 9, "value": 5}, {"group": 1, "row_count": 9, "value": 4}], "face": [{"group": 0, "row_count": 9, "value": 9}], "cat": [{"group": 0, "row_count": 9, "value": 9}], "shoe": [{"group": 0, "row_count": 9, "value": 9}], "house": [{"group": 0, "row_count": 9, "value": 9}], "scrambledpix": [{"group": 0, "row_count": 9, "value": 9}], "bottle": [{"group": 0, "row_count": 9, "value": 5}, {"group": 1, "row_count": 9, "value": 4}], "chair": [{"group": 0, "row_count": 9, "value": 8}, {"group": 1, "row_count": 9, "value": 1}], "data_id": [{"group": 1088, "row_count": 9, "value": 5}, {"group": 362, "row_count": 9, "value": 4}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 5, "row_count": 9, "value": 9}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 5}, "size": 9, "degree": 5}, {"id": 603, "name": 603, "tooltip": "603 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [397], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 604, "name": 604, "tooltip": "604 (size: 10)
\n \n \n rest | \n 10 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [394, 743, 922, 935, 1105, 1106, 1298, 1299, 1300, 1363], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 10, "row_count": 10}, {"label": "scissors", "group": 1, "value": 0, "row_count": 10}, {"label": "face", "group": 2, "value": 0, "row_count": 10}, {"label": "cat", "group": 3, "value": 0, "row_count": 10}, {"label": "shoe", "group": 4, "value": 0, "row_count": 10}, {"label": "house", "group": 5, "value": 0, "row_count": 10}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 10}, {"label": "bottle", "group": 7, "value": 0, "row_count": 10}, {"label": "chair", "group": 8, "value": 0, "row_count": 10}], "rest": [{"group": 1, "row_count": 10, "value": 10}], "scissors": [{"group": 0, "row_count": 10, "value": 10}], "face": [{"group": 0, "row_count": 10, "value": 10}], "cat": [{"group": 0, "row_count": 10, "value": 10}], "shoe": [{"group": 0, "row_count": 10, "value": 10}], "house": [{"group": 0, "row_count": 10, "value": 10}], "scrambledpix": [{"group": 0, "row_count": 10, "value": 10}], "bottle": [{"group": 0, "row_count": 10, "value": 10}], "chair": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 362, "row_count": 10, "value": 5}, {"group": 1451, "row_count": 10, "value": 3}, {"group": 1088, "row_count": 10, "value": 1}, {"group": 725, "row_count": 10, "value": 1}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 17, "row_count": 10, "value": 10}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 17}, "size": 10, "degree": 17}, {"id": 605, "name": 605, "tooltip": "605 (size: 5)
\n \n \n rest | \n 5 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [393, 394, 742, 743, 744], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 5, "row_count": 5}, {"label": "scissors", "group": 1, "value": 0, "row_count": 5}, {"label": "face", "group": 2, "value": 0, "row_count": 5}, {"label": "cat", "group": 3, "value": 0, "row_count": 5}, {"label": "shoe", "group": 4, "value": 0, "row_count": 5}, {"label": "house", "group": 5, "value": 0, "row_count": 5}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 5}, {"label": "bottle", "group": 7, "value": 0, "row_count": 5}, {"label": "chair", "group": 8, "value": 0, "row_count": 5}], "rest": [{"group": 1, "row_count": 5, "value": 5}], "scissors": [{"group": 0, "row_count": 5, "value": 5}], "face": [{"group": 0, "row_count": 5, "value": 5}], "cat": [{"group": 0, "row_count": 5, "value": 5}], "shoe": [{"group": 0, "row_count": 5, "value": 5}], "house": [{"group": 0, "row_count": 5, "value": 5}], "scrambledpix": [{"group": 0, "row_count": 5, "value": 5}], "bottle": [{"group": 0, "row_count": 5, "value": 5}], "chair": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 1451, "row_count": 5, "value": 3}, {"group": 1088, "row_count": 5, "value": 2}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 8, "row_count": 5, "value": 5}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 8}, "size": 5, "degree": 8}, {"id": 606, "name": 606, "tooltip": "606 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [391], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 607, "name": 607, "tooltip": "607 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 2 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [390, 391], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 2, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 1, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 608, "name": 608, "tooltip": "608 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [388], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 609, "name": 609, "tooltip": "609 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 4 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [388, 389, 390, 391], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 4, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 1, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1088, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 5, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 5}, "size": 4, "degree": 5}, {"id": 610, "name": 610, "tooltip": "610 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [385], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 611, "name": 611, "tooltip": "611 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [384], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 612, "name": 612, "tooltip": "612 (size: 2)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [383, 384], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 1, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 1}, {"group": 0, "row_count": 2, "value": 1}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 1}, {"group": 1, "row_count": 2, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 613, "name": 613, "tooltip": "613 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [382], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 614, "name": 614, "tooltip": "614 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [378, 379], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 615, "name": 615, "tooltip": "615 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [376, 377], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 2, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 616, "name": 616, "tooltip": "616 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [373, 374], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 2, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 12, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 12}, "size": 2, "degree": 12}, {"id": 617, "name": 617, "tooltip": "617 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 4 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [371, 372, 373, 374], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 4, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 1, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1088, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 13, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 13}, "size": 4, "degree": 13}, {"id": 618, "name": 618, "tooltip": "618 (size: 6)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 6 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [371, 372, 373, 374, 375, 376], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 6}, {"label": "scissors", "group": 1, "value": 0, "row_count": 6}, {"label": "face", "group": 2, "value": 0, "row_count": 6}, {"label": "cat", "group": 3, "value": 0, "row_count": 6}, {"label": "shoe", "group": 4, "value": 6, "row_count": 6}, {"label": "house", "group": 5, "value": 0, "row_count": 6}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 6}, {"label": "bottle", "group": 7, "value": 0, "row_count": 6}, {"label": "chair", "group": 8, "value": 0, "row_count": 6}], "rest": [{"group": 0, "row_count": 6, "value": 6}], "scissors": [{"group": 0, "row_count": 6, "value": 6}], "face": [{"group": 0, "row_count": 6, "value": 6}], "cat": [{"group": 0, "row_count": 6, "value": 6}], "shoe": [{"group": 1, "row_count": 6, "value": 6}], "house": [{"group": 0, "row_count": 6, "value": 6}], "scrambledpix": [{"group": 0, "row_count": 6, "value": 6}], "bottle": [{"group": 0, "row_count": 6, "value": 6}], "chair": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 1088, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 14, "row_count": 6, "value": 6}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 14}, "size": 6, "degree": 14}, {"id": 619, "name": 619, "tooltip": "619 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 4 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [369, 370, 371, 372], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 4, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 1, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1088, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 13, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 13}, "size": 4, "degree": 13}, {"id": 620, "name": 620, "tooltip": "620 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [368], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 621, "name": 621, "tooltip": "621 (size: 2)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [368, 369], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 1, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 1}, {"group": 0, "row_count": 2, "value": 1}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 1}, {"group": 1, "row_count": 2, "value": 1}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 5, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 5}, "size": 2, "degree": 5}, {"id": 622, "name": 622, "tooltip": "622 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [365, 366], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 623, "name": 623, "tooltip": "623 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [364, 365], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 624, "name": 624, "tooltip": "624 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [361], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 625, "name": 625, "tooltip": "625 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [358], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 626, "name": 626, "tooltip": "626 (size: 5)
\n \n \n rest | \n 5 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [358, 359, 360, 361, 362], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 5, "row_count": 5}, {"label": "scissors", "group": 1, "value": 0, "row_count": 5}, {"label": "face", "group": 2, "value": 0, "row_count": 5}, {"label": "cat", "group": 3, "value": 0, "row_count": 5}, {"label": "shoe", "group": 4, "value": 0, "row_count": 5}, {"label": "house", "group": 5, "value": 0, "row_count": 5}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 5}, {"label": "bottle", "group": 7, "value": 0, "row_count": 5}, {"label": "chair", "group": 8, "value": 0, "row_count": 5}], "rest": [{"group": 1, "row_count": 5, "value": 5}], "scissors": [{"group": 0, "row_count": 5, "value": 5}], "face": [{"group": 0, "row_count": 5, "value": 5}], "cat": [{"group": 0, "row_count": 5, "value": 5}], "shoe": [{"group": 0, "row_count": 5, "value": 5}], "house": [{"group": 0, "row_count": 5, "value": 5}], "scrambledpix": [{"group": 0, "row_count": 5, "value": 5}], "bottle": [{"group": 0, "row_count": 5, "value": 5}], "chair": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 1088, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 4, "row_count": 5, "value": 5}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 4}, "size": 5, "degree": 4}, {"id": 627, "name": 627, "tooltip": "627 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [357], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 628, "name": 628, "tooltip": "628 (size: 21)
\n \n \n rest | \n 5 | \n
\n \n scissors | \n 7 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 4 | \n
\n \n bottle | \n 4 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [357, 598, 887, 888, 958, 959, 960, 961, 965, 995, 1199, 1200, 1201, 1202, 1203, 1204, 1207, 1208, 1231, 1236, 1237], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 5, "row_count": 21}, {"label": "scissors", "group": 1, "value": 7, "row_count": 21}, {"label": "face", "group": 2, "value": 0, "row_count": 21}, {"label": "cat", "group": 3, "value": 1, "row_count": 21}, {"label": "shoe", "group": 4, "value": 0, "row_count": 21}, {"label": "house", "group": 5, "value": 0, "row_count": 21}, {"label": "scrambledpix", "group": 6, "value": 4, "row_count": 21}, {"label": "bottle", "group": 7, "value": 4, "row_count": 21}, {"label": "chair", "group": 8, "value": 0, "row_count": 21}], "rest": [{"group": 0, "row_count": 21, "value": 16}, {"group": 1, "row_count": 21, "value": 5}], "scissors": [{"group": 0, "row_count": 21, "value": 14}, {"group": 1, "row_count": 21, "value": 7}], "face": [{"group": 0, "row_count": 21, "value": 21}], "cat": [{"group": 0, "row_count": 21, "value": 20}, {"group": 1, "row_count": 21, "value": 1}], "shoe": [{"group": 0, "row_count": 21, "value": 21}], "house": [{"group": 0, "row_count": 21, "value": 21}], "scrambledpix": [{"group": 0, "row_count": 21, "value": 17}, {"group": 1, "row_count": 21, "value": 4}], "bottle": [{"group": 0, "row_count": 21, "value": 17}, {"group": 1, "row_count": 21, "value": 4}], "chair": [{"group": 0, "row_count": 21, "value": 21}], "data_id": [{"group": 362, "row_count": 21, "value": 11}, {"group": 1451, "row_count": 21, "value": 8}, {"group": 1088, "row_count": 21, "value": 2}], "uniform": [{"group": 0, "row_count": 21, "value": 21}], "degree": [{"group": 31, "row_count": 21, "value": 21}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 31}, "size": 21, "degree": 31}, {"id": 629, "name": 629, "tooltip": "629 (size: 14)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 4 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 9 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [356, 405, 553, 554, 555, 593, 594, 595, 596, 597, 598, 630, 631, 632], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 14}, {"label": "scissors", "group": 1, "value": 4, "row_count": 14}, {"label": "face", "group": 2, "value": 0, "row_count": 14}, {"label": "cat", "group": 3, "value": 0, "row_count": 14}, {"label": "shoe", "group": 4, "value": 0, "row_count": 14}, {"label": "house", "group": 5, "value": 0, "row_count": 14}, {"label": "scrambledpix", "group": 6, "value": 9, "row_count": 14}, {"label": "bottle", "group": 7, "value": 0, "row_count": 14}, {"label": "chair", "group": 8, "value": 1, "row_count": 14}], "rest": [{"group": 0, "row_count": 14, "value": 14}], "scissors": [{"group": 0, "row_count": 14, "value": 10}, {"group": 1, "row_count": 14, "value": 4}], "face": [{"group": 0, "row_count": 14, "value": 14}], "cat": [{"group": 0, "row_count": 14, "value": 14}], "shoe": [{"group": 0, "row_count": 14, "value": 14}], "house": [{"group": 0, "row_count": 14, "value": 14}], "scrambledpix": [{"group": 1, "row_count": 14, "value": 9}, {"group": 0, "row_count": 14, "value": 5}], "bottle": [{"group": 0, "row_count": 14, "value": 14}], "chair": [{"group": 0, "row_count": 14, "value": 13}, {"group": 1, "row_count": 14, "value": 1}], "data_id": [{"group": 1088, "row_count": 14, "value": 14}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 20, "row_count": 14, "value": 14}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 20}, "size": 14, "degree": 20}, {"id": 630, "name": 630, "tooltip": "630 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [351, 352], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 2, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 1, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 631, "name": 631, "tooltip": "631 (size: 7)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 7 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [350, 351, 352, 353, 354, 355, 356], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 7}, {"label": "scissors", "group": 1, "value": 7, "row_count": 7}, {"label": "face", "group": 2, "value": 0, "row_count": 7}, {"label": "cat", "group": 3, "value": 0, "row_count": 7}, {"label": "shoe", "group": 4, "value": 0, "row_count": 7}, {"label": "house", "group": 5, "value": 0, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 7}, {"label": "bottle", "group": 7, "value": 0, "row_count": 7}, {"label": "chair", "group": 8, "value": 0, "row_count": 7}], "rest": [{"group": 0, "row_count": 7, "value": 7}], "scissors": [{"group": 1, "row_count": 7, "value": 7}], "face": [{"group": 0, "row_count": 7, "value": 7}], "cat": [{"group": 0, "row_count": 7, "value": 7}], "shoe": [{"group": 0, "row_count": 7, "value": 7}], "house": [{"group": 0, "row_count": 7, "value": 7}], "scrambledpix": [{"group": 0, "row_count": 7, "value": 7}], "bottle": [{"group": 0, "row_count": 7, "value": 7}], "chair": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 1088, "row_count": 7, "value": 7}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 7, "row_count": 7, "value": 7}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 7}, "size": 7, "degree": 7}, {"id": 632, "name": 632, "tooltip": "632 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 3 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [348, 349, 350], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 3, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 1, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 5, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 5}, "size": 3, "degree": 5}, {"id": 633, "name": 633, "tooltip": "633 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [347], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 634, "name": 634, "tooltip": "634 (size: 12)
\n \n \n rest | \n 12 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [345, 529, 530, 649, 650, 651, 706, 707, 922, 1349, 1377, 1378], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 12, "row_count": 12}, {"label": "scissors", "group": 1, "value": 0, "row_count": 12}, {"label": "face", "group": 2, "value": 0, "row_count": 12}, {"label": "cat", "group": 3, "value": 0, "row_count": 12}, {"label": "shoe", "group": 4, "value": 0, "row_count": 12}, {"label": "house", "group": 5, "value": 0, "row_count": 12}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 12}, {"label": "bottle", "group": 7, "value": 0, "row_count": 12}, {"label": "chair", "group": 8, "value": 0, "row_count": 12}], "rest": [{"group": 1, "row_count": 12, "value": 12}], "scissors": [{"group": 0, "row_count": 12, "value": 12}], "face": [{"group": 0, "row_count": 12, "value": 12}], "cat": [{"group": 0, "row_count": 12, "value": 12}], "shoe": [{"group": 0, "row_count": 12, "value": 12}], "house": [{"group": 0, "row_count": 12, "value": 12}], "scrambledpix": [{"group": 0, "row_count": 12, "value": 12}], "bottle": [{"group": 0, "row_count": 12, "value": 12}], "chair": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 1088, "row_count": 12, "value": 6}, {"group": 1451, "row_count": 12, "value": 3}, {"group": 725, "row_count": 12, "value": 3}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 20, "row_count": 12, "value": 12}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 20}, "size": 12, "degree": 20}, {"id": 635, "name": 635, "tooltip": "635 (size: 14)
\n \n \n rest | \n 14 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [344, 529, 651, 693, 694, 757, 800, 801, 814, 935, 948, 949, 950, 1433], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 14, "row_count": 14}, {"label": "scissors", "group": 1, "value": 0, "row_count": 14}, {"label": "face", "group": 2, "value": 0, "row_count": 14}, {"label": "cat", "group": 3, "value": 0, "row_count": 14}, {"label": "shoe", "group": 4, "value": 0, "row_count": 14}, {"label": "house", "group": 5, "value": 0, "row_count": 14}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 14}, {"label": "bottle", "group": 7, "value": 0, "row_count": 14}, {"label": "chair", "group": 8, "value": 0, "row_count": 14}], "rest": [{"group": 1, "row_count": 14, "value": 14}], "scissors": [{"group": 0, "row_count": 14, "value": 14}], "face": [{"group": 0, "row_count": 14, "value": 14}], "cat": [{"group": 0, "row_count": 14, "value": 14}], "shoe": [{"group": 0, "row_count": 14, "value": 14}], "house": [{"group": 0, "row_count": 14, "value": 14}], "scrambledpix": [{"group": 0, "row_count": 14, "value": 14}], "bottle": [{"group": 0, "row_count": 14, "value": 14}], "chair": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 1451, "row_count": 14, "value": 10}, {"group": 725, "row_count": 14, "value": 2}, {"group": 1088, "row_count": 14, "value": 2}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 27, "row_count": 14, "value": 14}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 27}, "size": 14, "degree": 27}, {"id": 636, "name": 636, "tooltip": "636 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 2 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [341, 342], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 2, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 1, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 637, "name": 637, "tooltip": "637 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [340], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 638, "name": 638, "tooltip": "638 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 2 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [340, 341], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 2, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 1, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 639, "name": 639, "tooltip": "639 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [339], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 640, "name": 640, "tooltip": "640 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [338], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 641, "name": 641, "tooltip": "641 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [337], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 642, "name": 642, "tooltip": "642 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [334], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 643, "name": 643, "tooltip": "643 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 4 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [334, 335, 336, 337], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 4, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 1, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 725, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 3, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 4, "degree": 3}, {"id": 644, "name": 644, "tooltip": "644 (size: 9)
\n \n \n rest | \n 8 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [332, 364, 605, 606, 607, 608, 609, 610, 611], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 8, "row_count": 9}, {"label": "scissors", "group": 1, "value": 0, "row_count": 9}, {"label": "face", "group": 2, "value": 0, "row_count": 9}, {"label": "cat", "group": 3, "value": 1, "row_count": 9}, {"label": "shoe", "group": 4, "value": 0, "row_count": 9}, {"label": "house", "group": 5, "value": 0, "row_count": 9}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 9}, {"label": "bottle", "group": 7, "value": 0, "row_count": 9}, {"label": "chair", "group": 8, "value": 0, "row_count": 9}], "rest": [{"group": 1, "row_count": 9, "value": 8}, {"group": 0, "row_count": 9, "value": 1}], "scissors": [{"group": 0, "row_count": 9, "value": 9}], "face": [{"group": 0, "row_count": 9, "value": 9}], "cat": [{"group": 0, "row_count": 9, "value": 8}, {"group": 1, "row_count": 9, "value": 1}], "shoe": [{"group": 0, "row_count": 9, "value": 9}], "house": [{"group": 0, "row_count": 9, "value": 9}], "scrambledpix": [{"group": 0, "row_count": 9, "value": 9}], "bottle": [{"group": 0, "row_count": 9, "value": 9}], "chair": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 1088, "row_count": 9, "value": 8}, {"group": 725, "row_count": 9, "value": 1}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 6, "row_count": 9, "value": 9}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 6}, "size": 9, "degree": 6}, {"id": 645, "name": 645, "tooltip": "645 (size: 12)
\n \n \n rest | \n 12 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [332, 363, 364, 365, 366, 367, 368, 606, 607, 608, 609, 610], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 12, "row_count": 12}, {"label": "scissors", "group": 1, "value": 0, "row_count": 12}, {"label": "face", "group": 2, "value": 0, "row_count": 12}, {"label": "cat", "group": 3, "value": 0, "row_count": 12}, {"label": "shoe", "group": 4, "value": 0, "row_count": 12}, {"label": "house", "group": 5, "value": 0, "row_count": 12}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 12}, {"label": "bottle", "group": 7, "value": 0, "row_count": 12}, {"label": "chair", "group": 8, "value": 0, "row_count": 12}], "rest": [{"group": 1, "row_count": 12, "value": 12}], "scissors": [{"group": 0, "row_count": 12, "value": 12}], "face": [{"group": 0, "row_count": 12, "value": 12}], "cat": [{"group": 0, "row_count": 12, "value": 12}], "shoe": [{"group": 0, "row_count": 12, "value": 12}], "house": [{"group": 0, "row_count": 12, "value": 12}], "scrambledpix": [{"group": 0, "row_count": 12, "value": 12}], "bottle": [{"group": 0, "row_count": 12, "value": 12}], "chair": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 1088, "row_count": 12, "value": 11}, {"group": 725, "row_count": 12, "value": 1}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 7, "row_count": 12, "value": 12}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 7}, "size": 12, "degree": 7}, {"id": 646, "name": 646, "tooltip": "646 (size: 12)
\n \n \n rest | \n 9 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [332, 333, 334, 364, 368, 369, 606, 607, 608, 609, 610, 611], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 9, "row_count": 12}, {"label": "scissors", "group": 1, "value": 0, "row_count": 12}, {"label": "face", "group": 2, "value": 0, "row_count": 12}, {"label": "cat", "group": 3, "value": 1, "row_count": 12}, {"label": "shoe", "group": 4, "value": 1, "row_count": 12}, {"label": "house", "group": 5, "value": 0, "row_count": 12}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 12}, {"label": "bottle", "group": 7, "value": 1, "row_count": 12}, {"label": "chair", "group": 8, "value": 0, "row_count": 12}], "rest": [{"group": 1, "row_count": 12, "value": 9}, {"group": 0, "row_count": 12, "value": 3}], "scissors": [{"group": 0, "row_count": 12, "value": 12}], "face": [{"group": 0, "row_count": 12, "value": 12}], "cat": [{"group": 0, "row_count": 12, "value": 11}, {"group": 1, "row_count": 12, "value": 1}], "shoe": [{"group": 0, "row_count": 12, "value": 11}, {"group": 1, "row_count": 12, "value": 1}], "house": [{"group": 0, "row_count": 12, "value": 12}], "scrambledpix": [{"group": 0, "row_count": 12, "value": 12}], "bottle": [{"group": 0, "row_count": 12, "value": 11}, {"group": 1, "row_count": 12, "value": 1}], "chair": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 1088, "row_count": 12, "value": 9}, {"group": 725, "row_count": 12, "value": 3}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 12, "row_count": 12, "value": 12}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 12}, "size": 12, "degree": 12}, {"id": 647, "name": 647, "tooltip": "647 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [329], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 648, "name": 648, "tooltip": "648 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [327, 328], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 2, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 649, "name": 649, "tooltip": "649 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [326], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 650, "name": 650, "tooltip": "650 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [322], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 651, "name": 651, "tooltip": "651 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [322, 323], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 2, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 7, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 7}, "size": 2, "degree": 7}, {"id": 652, "name": 652, "tooltip": "652 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [320], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 653, "name": 653, "tooltip": "653 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [319], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 654, "name": 654, "tooltip": "654 (size: 13)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 4 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 4 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [319, 569, 570, 571, 648, 669, 762, 1031, 1032, 1033, 1160, 1161, 1281], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 13}, {"label": "scissors", "group": 1, "value": 4, "row_count": 13}, {"label": "face", "group": 2, "value": 0, "row_count": 13}, {"label": "cat", "group": 3, "value": 0, "row_count": 13}, {"label": "shoe", "group": 4, "value": 1, "row_count": 13}, {"label": "house", "group": 5, "value": 0, "row_count": 13}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 13}, {"label": "bottle", "group": 7, "value": 4, "row_count": 13}, {"label": "chair", "group": 8, "value": 1, "row_count": 13}], "rest": [{"group": 0, "row_count": 13, "value": 10}, {"group": 1, "row_count": 13, "value": 3}], "scissors": [{"group": 0, "row_count": 13, "value": 9}, {"group": 1, "row_count": 13, "value": 4}], "face": [{"group": 0, "row_count": 13, "value": 13}], "cat": [{"group": 0, "row_count": 13, "value": 13}], "shoe": [{"group": 0, "row_count": 13, "value": 12}, {"group": 1, "row_count": 13, "value": 1}], "house": [{"group": 0, "row_count": 13, "value": 13}], "scrambledpix": [{"group": 0, "row_count": 13, "value": 13}], "bottle": [{"group": 0, "row_count": 13, "value": 9}, {"group": 1, "row_count": 13, "value": 4}], "chair": [{"group": 0, "row_count": 13, "value": 12}, {"group": 1, "row_count": 13, "value": 1}], "data_id": [{"group": 362, "row_count": 13, "value": 6}, {"group": 1088, "row_count": 13, "value": 5}, {"group": 725, "row_count": 13, "value": 1}, {"group": 1451, "row_count": 13, "value": 1}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 18, "row_count": 13, "value": 13}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 18}, "size": 13, "degree": 18}, {"id": 655, "name": 655, "tooltip": "655 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [317, 318], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 656, "name": 656, "tooltip": "656 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [315, 316, 317], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 725, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 657, "name": 657, "tooltip": "657 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [314], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 658, "name": 658, "tooltip": "658 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [312], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 659, "name": 659, "tooltip": "659 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 2 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [312, 391, 392], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 2, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 1, "row_count": 3, "value": 2}, {"group": 0, "row_count": 3, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 2}, {"group": 725, "row_count": 3, "value": 1}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 8, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 8}, "size": 3, "degree": 8}, {"id": 660, "name": 660, "tooltip": "660 (size: 3)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [312, 313, 314], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 1, "row_count": 3, "value": 2}, {"group": 0, "row_count": 3, "value": 1}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 725, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 4, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 4}, "size": 3, "degree": 4}, {"id": 661, "name": 661, "tooltip": "661 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 3 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [310, 311, 312], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 3, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 1, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 725, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 662, "name": 662, "tooltip": "662 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [309], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 663, "name": 663, "tooltip": "663 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [308, 309], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 1, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 664, "name": 664, "tooltip": "664 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [306], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 665, "name": 665, "tooltip": "665 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 4 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [306, 307, 308, 309], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 4, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 1, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 725, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 4, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 4}, "size": 4, "degree": 4}, {"id": 666, "name": 666, "tooltip": "666 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [305], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 667, "name": 667, "tooltip": "667 (size: 5)
\n \n \n rest | \n 5 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [304, 397, 588, 589, 1030], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 5, "row_count": 5}, {"label": "scissors", "group": 1, "value": 0, "row_count": 5}, {"label": "face", "group": 2, "value": 0, "row_count": 5}, {"label": "cat", "group": 3, "value": 0, "row_count": 5}, {"label": "shoe", "group": 4, "value": 0, "row_count": 5}, {"label": "house", "group": 5, "value": 0, "row_count": 5}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 5}, {"label": "bottle", "group": 7, "value": 0, "row_count": 5}, {"label": "chair", "group": 8, "value": 0, "row_count": 5}], "rest": [{"group": 1, "row_count": 5, "value": 5}], "scissors": [{"group": 0, "row_count": 5, "value": 5}], "face": [{"group": 0, "row_count": 5, "value": 5}], "cat": [{"group": 0, "row_count": 5, "value": 5}], "shoe": [{"group": 0, "row_count": 5, "value": 5}], "house": [{"group": 0, "row_count": 5, "value": 5}], "scrambledpix": [{"group": 0, "row_count": 5, "value": 5}], "bottle": [{"group": 0, "row_count": 5, "value": 5}], "chair": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 1088, "row_count": 5, "value": 3}, {"group": 725, "row_count": 5, "value": 1}, {"group": 362, "row_count": 5, "value": 1}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 6, "row_count": 5, "value": 5}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 6}, "size": 5, "degree": 6}, {"id": 668, "name": 668, "tooltip": "668 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [302], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 669, "name": 669, "tooltip": "669 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [300], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 670, "name": 670, "tooltip": "670 (size: 6)
\n \n \n rest | \n 6 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [300, 301, 302, 1028, 1362, 1376], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 6, "row_count": 6}, {"label": "scissors", "group": 1, "value": 0, "row_count": 6}, {"label": "face", "group": 2, "value": 0, "row_count": 6}, {"label": "cat", "group": 3, "value": 0, "row_count": 6}, {"label": "shoe", "group": 4, "value": 0, "row_count": 6}, {"label": "house", "group": 5, "value": 0, "row_count": 6}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 6}, {"label": "bottle", "group": 7, "value": 0, "row_count": 6}, {"label": "chair", "group": 8, "value": 0, "row_count": 6}], "rest": [{"group": 1, "row_count": 6, "value": 6}], "scissors": [{"group": 0, "row_count": 6, "value": 6}], "face": [{"group": 0, "row_count": 6, "value": 6}], "cat": [{"group": 0, "row_count": 6, "value": 6}], "shoe": [{"group": 0, "row_count": 6, "value": 6}], "house": [{"group": 0, "row_count": 6, "value": 6}], "scrambledpix": [{"group": 0, "row_count": 6, "value": 6}], "bottle": [{"group": 0, "row_count": 6, "value": 6}], "chair": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 725, "row_count": 6, "value": 5}, {"group": 362, "row_count": 6, "value": 1}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 7, "row_count": 6, "value": 6}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 7}, "size": 6, "degree": 7}, {"id": 671, "name": 671, "tooltip": "671 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [299], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 672, "name": 672, "tooltip": "672 (size: 2)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [299, 300], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 1, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 1}, {"group": 1, "row_count": 2, "value": 1}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 1, "row_count": 2, "value": 1}, {"group": 0, "row_count": 2, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 673, "name": 673, "tooltip": "673 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [298], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 674, "name": 674, "tooltip": "674 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [297], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 675, "name": 675, "tooltip": "675 (size: 6)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 4 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [292, 1016, 1017, 1097, 1138, 1292], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 6}, {"label": "scissors", "group": 1, "value": 0, "row_count": 6}, {"label": "face", "group": 2, "value": 0, "row_count": 6}, {"label": "cat", "group": 3, "value": 0, "row_count": 6}, {"label": "shoe", "group": 4, "value": 1, "row_count": 6}, {"label": "house", "group": 5, "value": 4, "row_count": 6}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 6}, {"label": "bottle", "group": 7, "value": 0, "row_count": 6}, {"label": "chair", "group": 8, "value": 0, "row_count": 6}], "rest": [{"group": 0, "row_count": 6, "value": 5}, {"group": 1, "row_count": 6, "value": 1}], "scissors": [{"group": 0, "row_count": 6, "value": 6}], "face": [{"group": 0, "row_count": 6, "value": 6}], "cat": [{"group": 0, "row_count": 6, "value": 6}], "shoe": [{"group": 0, "row_count": 6, "value": 5}, {"group": 1, "row_count": 6, "value": 1}], "house": [{"group": 1, "row_count": 6, "value": 4}, {"group": 0, "row_count": 6, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 6, "value": 6}], "bottle": [{"group": 0, "row_count": 6, "value": 6}], "chair": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 362, "row_count": 6, "value": 5}, {"group": 725, "row_count": 6, "value": 1}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 10, "row_count": 6, "value": 6}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 10}, "size": 6, "degree": 10}, {"id": 676, "name": 676, "tooltip": "676 (size: 28)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 28 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [292, 293, 577, 578, 579, 582, 713, 734, 735, 737, 738, 739, 926, 927, 931, 932, 1096, 1097, 1098, 1099, 1100, 1101, 1102, 1103, 1289, 1290, 1291, 1292], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 28}, {"label": "scissors", "group": 1, "value": 0, "row_count": 28}, {"label": "face", "group": 2, "value": 0, "row_count": 28}, {"label": "cat", "group": 3, "value": 0, "row_count": 28}, {"label": "shoe", "group": 4, "value": 0, "row_count": 28}, {"label": "house", "group": 5, "value": 28, "row_count": 28}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 28}, {"label": "bottle", "group": 7, "value": 0, "row_count": 28}, {"label": "chair", "group": 8, "value": 0, "row_count": 28}], "rest": [{"group": 0, "row_count": 28, "value": 28}], "scissors": [{"group": 0, "row_count": 28, "value": 28}], "face": [{"group": 0, "row_count": 28, "value": 28}], "cat": [{"group": 0, "row_count": 28, "value": 28}], "shoe": [{"group": 0, "row_count": 28, "value": 28}], "house": [{"group": 1, "row_count": 28, "value": 28}], "scrambledpix": [{"group": 0, "row_count": 28, "value": 28}], "bottle": [{"group": 0, "row_count": 28, "value": 28}], "chair": [{"group": 0, "row_count": 28, "value": 28}], "data_id": [{"group": 362, "row_count": 28, "value": 12}, {"group": 1451, "row_count": 28, "value": 10}, {"group": 1088, "row_count": 28, "value": 4}, {"group": 725, "row_count": 28, "value": 2}], "uniform": [{"group": 0, "row_count": 28, "value": 28}], "degree": [{"group": 19, "row_count": 28, "value": 28}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 19}, "size": 28, "degree": 19}, {"id": 677, "name": 677, "tooltip": "677 (size: 8)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 8 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [292, 293, 294, 295, 1097, 1098, 1099, 1103], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 8}, {"label": "scissors", "group": 1, "value": 0, "row_count": 8}, {"label": "face", "group": 2, "value": 0, "row_count": 8}, {"label": "cat", "group": 3, "value": 0, "row_count": 8}, {"label": "shoe", "group": 4, "value": 0, "row_count": 8}, {"label": "house", "group": 5, "value": 8, "row_count": 8}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 8}, {"label": "bottle", "group": 7, "value": 0, "row_count": 8}, {"label": "chair", "group": 8, "value": 0, "row_count": 8}], "rest": [{"group": 0, "row_count": 8, "value": 8}], "scissors": [{"group": 0, "row_count": 8, "value": 8}], "face": [{"group": 0, "row_count": 8, "value": 8}], "cat": [{"group": 0, "row_count": 8, "value": 8}], "shoe": [{"group": 0, "row_count": 8, "value": 8}], "house": [{"group": 1, "row_count": 8, "value": 8}], "scrambledpix": [{"group": 0, "row_count": 8, "value": 8}], "bottle": [{"group": 0, "row_count": 8, "value": 8}], "chair": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 725, "row_count": 8, "value": 4}, {"group": 362, "row_count": 8, "value": 4}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 4, "row_count": 8, "value": 8}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 4}, "size": 8, "degree": 4}, {"id": 678, "name": 678, "tooltip": "678 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [289], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 679, "name": 679, "tooltip": "679 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [286], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 680, "name": 680, "tooltip": "680 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 4 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [285, 823, 939, 940], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 4, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 1, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1451, "row_count": 4, "value": 3}, {"group": 725, "row_count": 4, "value": 1}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 9, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 9}, "size": 4, "degree": 9}, {"id": 681, "name": 681, "tooltip": "681 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 2 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [279, 280], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 2, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 1, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 682, "name": 682, "tooltip": "682 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [277], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 683, "name": 683, "tooltip": "683 (size: 12)
\n \n \n rest | \n 12 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [272, 287, 302, 303, 304, 396, 397, 586, 587, 588, 1282, 1283], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 12, "row_count": 12}, {"label": "scissors", "group": 1, "value": 0, "row_count": 12}, {"label": "face", "group": 2, "value": 0, "row_count": 12}, {"label": "cat", "group": 3, "value": 0, "row_count": 12}, {"label": "shoe", "group": 4, "value": 0, "row_count": 12}, {"label": "house", "group": 5, "value": 0, "row_count": 12}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 12}, {"label": "bottle", "group": 7, "value": 0, "row_count": 12}, {"label": "chair", "group": 8, "value": 0, "row_count": 12}], "rest": [{"group": 1, "row_count": 12, "value": 12}], "scissors": [{"group": 0, "row_count": 12, "value": 12}], "face": [{"group": 0, "row_count": 12, "value": 12}], "cat": [{"group": 0, "row_count": 12, "value": 12}], "shoe": [{"group": 0, "row_count": 12, "value": 12}], "house": [{"group": 0, "row_count": 12, "value": 12}], "scrambledpix": [{"group": 0, "row_count": 12, "value": 12}], "bottle": [{"group": 0, "row_count": 12, "value": 12}], "chair": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 725, "row_count": 12, "value": 5}, {"group": 1088, "row_count": 12, "value": 5}, {"group": 362, "row_count": 12, "value": 2}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 22, "row_count": 12, "value": 12}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 22}, "size": 12, "degree": 22}, {"id": 684, "name": 684, "tooltip": "684 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [270], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 725, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 685, "name": 685, "tooltip": "685 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [267, 268], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 2, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 725, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 686, "name": 686, "tooltip": "686 (size: 5)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 5 | \n
\n \n
", "members": [266, 267, 268, 269, 270], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 5}, {"label": "scissors", "group": 1, "value": 0, "row_count": 5}, {"label": "face", "group": 2, "value": 0, "row_count": 5}, {"label": "cat", "group": 3, "value": 0, "row_count": 5}, {"label": "shoe", "group": 4, "value": 0, "row_count": 5}, {"label": "house", "group": 5, "value": 0, "row_count": 5}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 5}, {"label": "bottle", "group": 7, "value": 0, "row_count": 5}, {"label": "chair", "group": 8, "value": 5, "row_count": 5}], "rest": [{"group": 0, "row_count": 5, "value": 5}], "scissors": [{"group": 0, "row_count": 5, "value": 5}], "face": [{"group": 0, "row_count": 5, "value": 5}], "cat": [{"group": 0, "row_count": 5, "value": 5}], "shoe": [{"group": 0, "row_count": 5, "value": 5}], "house": [{"group": 0, "row_count": 5, "value": 5}], "scrambledpix": [{"group": 0, "row_count": 5, "value": 5}], "bottle": [{"group": 0, "row_count": 5, "value": 5}], "chair": [{"group": 1, "row_count": 5, "value": 5}], "data_id": [{"group": 725, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 6, "row_count": 5, "value": 5}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 725, "uniform": 0, "degree": 6}, "size": 5, "degree": 6}, {"id": 687, "name": 687, "tooltip": "687 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [264], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 725, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 688, "name": 688, "tooltip": "688 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [263], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 689, "name": 689, "tooltip": "689 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [261], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 690, "name": 690, "tooltip": "690 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [260], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 691, "name": 691, "tooltip": "691 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [256], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 692, "name": 692, "tooltip": "692 (size: 8)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 7 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [254, 284, 495, 496, 497, 498, 857, 858], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 8}, {"label": "scissors", "group": 1, "value": 0, "row_count": 8}, {"label": "face", "group": 2, "value": 7, "row_count": 8}, {"label": "cat", "group": 3, "value": 1, "row_count": 8}, {"label": "shoe", "group": 4, "value": 0, "row_count": 8}, {"label": "house", "group": 5, "value": 0, "row_count": 8}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 8}, {"label": "bottle", "group": 7, "value": 0, "row_count": 8}, {"label": "chair", "group": 8, "value": 0, "row_count": 8}], "rest": [{"group": 0, "row_count": 8, "value": 8}], "scissors": [{"group": 0, "row_count": 8, "value": 8}], "face": [{"group": 1, "row_count": 8, "value": 7}, {"group": 0, "row_count": 8, "value": 1}], "cat": [{"group": 0, "row_count": 8, "value": 7}, {"group": 1, "row_count": 8, "value": 1}], "shoe": [{"group": 0, "row_count": 8, "value": 8}], "house": [{"group": 0, "row_count": 8, "value": 8}], "scrambledpix": [{"group": 0, "row_count": 8, "value": 8}], "bottle": [{"group": 0, "row_count": 8, "value": 8}], "chair": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 1088, "row_count": 8, "value": 4}, {"group": 725, "row_count": 8, "value": 2}, {"group": 1451, "row_count": 8, "value": 2}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 17, "row_count": 8, "value": 8}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 17}, "size": 8, "degree": 17}, {"id": 693, "name": 693, "tooltip": "693 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 3 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [252, 253, 254], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 3, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 1, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 725, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 9, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 9}, "size": 3, "degree": 9}, {"id": 694, "name": 694, "tooltip": "694 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [249, 250], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 2, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 1, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 5, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 5}, "size": 2, "degree": 5}, {"id": 695, "name": 695, "tooltip": "695 (size: 9)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 5 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [249, 250, 369, 489, 490, 491, 492, 1002, 1016], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 9}, {"label": "scissors", "group": 1, "value": 0, "row_count": 9}, {"label": "face", "group": 2, "value": 5, "row_count": 9}, {"label": "cat", "group": 3, "value": 0, "row_count": 9}, {"label": "shoe", "group": 4, "value": 1, "row_count": 9}, {"label": "house", "group": 5, "value": 0, "row_count": 9}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 9}, {"label": "bottle", "group": 7, "value": 0, "row_count": 9}, {"label": "chair", "group": 8, "value": 0, "row_count": 9}], "rest": [{"group": 0, "row_count": 9, "value": 6}, {"group": 1, "row_count": 9, "value": 3}], "scissors": [{"group": 0, "row_count": 9, "value": 9}], "face": [{"group": 1, "row_count": 9, "value": 5}, {"group": 0, "row_count": 9, "value": 4}], "cat": [{"group": 0, "row_count": 9, "value": 9}], "shoe": [{"group": 0, "row_count": 9, "value": 8}, {"group": 1, "row_count": 9, "value": 1}], "house": [{"group": 0, "row_count": 9, "value": 9}], "scrambledpix": [{"group": 0, "row_count": 9, "value": 9}], "bottle": [{"group": 0, "row_count": 9, "value": 9}], "chair": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 1088, "row_count": 9, "value": 5}, {"group": 725, "row_count": 9, "value": 2}, {"group": 362, "row_count": 9, "value": 2}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 21, "row_count": 9, "value": 9}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 21}, "size": 9, "degree": 21}, {"id": 696, "name": 696, "tooltip": "696 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [247], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 697, "name": 697, "tooltip": "697 (size: 3)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [247, 248, 249], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 2, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 1, "row_count": 3, "value": 2}, {"group": 0, "row_count": 3, "value": 1}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 725, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 5, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 5}, "size": 3, "degree": 5}, {"id": 698, "name": 698, "tooltip": "698 (size: 17)
\n \n \n rest | \n 17 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [242, 243, 244, 245, 246, 247, 484, 485, 486, 487, 488, 726, 727, 728, 729, 730, 731], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 17, "row_count": 17}, {"label": "scissors", "group": 1, "value": 0, "row_count": 17}, {"label": "face", "group": 2, "value": 0, "row_count": 17}, {"label": "cat", "group": 3, "value": 0, "row_count": 17}, {"label": "shoe", "group": 4, "value": 0, "row_count": 17}, {"label": "house", "group": 5, "value": 0, "row_count": 17}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 17}, {"label": "bottle", "group": 7, "value": 0, "row_count": 17}, {"label": "chair", "group": 8, "value": 0, "row_count": 17}], "rest": [{"group": 1, "row_count": 17, "value": 17}], "scissors": [{"group": 0, "row_count": 17, "value": 17}], "face": [{"group": 0, "row_count": 17, "value": 17}], "cat": [{"group": 0, "row_count": 17, "value": 17}], "shoe": [{"group": 0, "row_count": 17, "value": 17}], "house": [{"group": 0, "row_count": 17, "value": 17}], "scrambledpix": [{"group": 0, "row_count": 17, "value": 17}], "bottle": [{"group": 0, "row_count": 17, "value": 17}], "chair": [{"group": 0, "row_count": 17, "value": 17}], "data_id": [{"group": 725, "row_count": 17, "value": 6}, {"group": 1451, "row_count": 17, "value": 6}, {"group": 1088, "row_count": 17, "value": 5}], "uniform": [{"group": 0, "row_count": 17, "value": 17}], "degree": [{"group": 5, "row_count": 17, "value": 17}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 5}, "size": 17, "degree": 5}, {"id": 699, "name": 699, "tooltip": "699 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [241], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 700, "name": 700, "tooltip": "700 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [239], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 701, "name": 701, "tooltip": "701 (size: 7)
\n \n \n rest | \n 7 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [239, 503, 720, 721, 722, 723, 1107], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 7, "row_count": 7}, {"label": "scissors", "group": 1, "value": 0, "row_count": 7}, {"label": "face", "group": 2, "value": 0, "row_count": 7}, {"label": "cat", "group": 3, "value": 0, "row_count": 7}, {"label": "shoe", "group": 4, "value": 0, "row_count": 7}, {"label": "house", "group": 5, "value": 0, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 7}, {"label": "bottle", "group": 7, "value": 0, "row_count": 7}, {"label": "chair", "group": 8, "value": 0, "row_count": 7}], "rest": [{"group": 1, "row_count": 7, "value": 7}], "scissors": [{"group": 0, "row_count": 7, "value": 7}], "face": [{"group": 0, "row_count": 7, "value": 7}], "cat": [{"group": 0, "row_count": 7, "value": 7}], "shoe": [{"group": 0, "row_count": 7, "value": 7}], "house": [{"group": 0, "row_count": 7, "value": 7}], "scrambledpix": [{"group": 0, "row_count": 7, "value": 7}], "bottle": [{"group": 0, "row_count": 7, "value": 7}], "chair": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 1451, "row_count": 7, "value": 4}, {"group": 725, "row_count": 7, "value": 1}, {"group": 1088, "row_count": 7, "value": 1}, {"group": 362, "row_count": 7, "value": 1}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 11, "row_count": 7, "value": 7}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 11}, "size": 7, "degree": 11}, {"id": 702, "name": 702, "tooltip": "702 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [239, 240], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 6, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 6}, "size": 2, "degree": 6}, {"id": 703, "name": 703, "tooltip": "703 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [236], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 704, "name": 704, "tooltip": "704 (size: 7)
\n \n \n rest | \n 7 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [236, 240, 300, 741, 742, 784, 1241], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 7, "row_count": 7}, {"label": "scissors", "group": 1, "value": 0, "row_count": 7}, {"label": "face", "group": 2, "value": 0, "row_count": 7}, {"label": "cat", "group": 3, "value": 0, "row_count": 7}, {"label": "shoe", "group": 4, "value": 0, "row_count": 7}, {"label": "house", "group": 5, "value": 0, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 7}, {"label": "bottle", "group": 7, "value": 0, "row_count": 7}, {"label": "chair", "group": 8, "value": 0, "row_count": 7}], "rest": [{"group": 1, "row_count": 7, "value": 7}], "scissors": [{"group": 0, "row_count": 7, "value": 7}], "face": [{"group": 0, "row_count": 7, "value": 7}], "cat": [{"group": 0, "row_count": 7, "value": 7}], "shoe": [{"group": 0, "row_count": 7, "value": 7}], "house": [{"group": 0, "row_count": 7, "value": 7}], "scrambledpix": [{"group": 0, "row_count": 7, "value": 7}], "bottle": [{"group": 0, "row_count": 7, "value": 7}], "chair": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 725, "row_count": 7, "value": 3}, {"group": 1451, "row_count": 7, "value": 3}, {"group": 362, "row_count": 7, "value": 1}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 10, "row_count": 7, "value": 7}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 10}, "size": 7, "degree": 10}, {"id": 705, "name": 705, "tooltip": "705 (size: 17)
\n \n \n rest | \n 9 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 2 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [236, 239, 240, 476, 477, 478, 479, 480, 481, 482, 498, 513, 676, 677, 719, 961, 982], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 9, "row_count": 17}, {"label": "scissors", "group": 1, "value": 2, "row_count": 17}, {"label": "face", "group": 2, "value": 2, "row_count": 17}, {"label": "cat", "group": 3, "value": 1, "row_count": 17}, {"label": "shoe", "group": 4, "value": 0, "row_count": 17}, {"label": "house", "group": 5, "value": 1, "row_count": 17}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 17}, {"label": "bottle", "group": 7, "value": 2, "row_count": 17}, {"label": "chair", "group": 8, "value": 0, "row_count": 17}], "rest": [{"group": 1, "row_count": 17, "value": 9}, {"group": 0, "row_count": 17, "value": 8}], "scissors": [{"group": 0, "row_count": 17, "value": 15}, {"group": 1, "row_count": 17, "value": 2}], "face": [{"group": 0, "row_count": 17, "value": 15}, {"group": 1, "row_count": 17, "value": 2}], "cat": [{"group": 0, "row_count": 17, "value": 16}, {"group": 1, "row_count": 17, "value": 1}], "shoe": [{"group": 0, "row_count": 17, "value": 17}], "house": [{"group": 0, "row_count": 17, "value": 16}, {"group": 1, "row_count": 17, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 17, "value": 17}], "bottle": [{"group": 0, "row_count": 17, "value": 15}, {"group": 1, "row_count": 17, "value": 2}], "chair": [{"group": 0, "row_count": 17, "value": 17}], "data_id": [{"group": 1088, "row_count": 17, "value": 9}, {"group": 1451, "row_count": 17, "value": 5}, {"group": 725, "row_count": 17, "value": 3}], "uniform": [{"group": 0, "row_count": 17, "value": 17}], "degree": [{"group": 24, "row_count": 17, "value": 17}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 24}, "size": 17, "degree": 24}, {"id": 706, "name": 706, "tooltip": "706 (size: 11)
\n \n \n rest | \n 11 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [236, 237, 238, 239, 302, 359, 479, 480, 720, 721, 742], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 11, "row_count": 11}, {"label": "scissors", "group": 1, "value": 0, "row_count": 11}, {"label": "face", "group": 2, "value": 0, "row_count": 11}, {"label": "cat", "group": 3, "value": 0, "row_count": 11}, {"label": "shoe", "group": 4, "value": 0, "row_count": 11}, {"label": "house", "group": 5, "value": 0, "row_count": 11}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 11}, {"label": "bottle", "group": 7, "value": 0, "row_count": 11}, {"label": "chair", "group": 8, "value": 0, "row_count": 11}], "rest": [{"group": 1, "row_count": 11, "value": 11}], "scissors": [{"group": 0, "row_count": 11, "value": 11}], "face": [{"group": 0, "row_count": 11, "value": 11}], "cat": [{"group": 0, "row_count": 11, "value": 11}], "shoe": [{"group": 0, "row_count": 11, "value": 11}], "house": [{"group": 0, "row_count": 11, "value": 11}], "scrambledpix": [{"group": 0, "row_count": 11, "value": 11}], "bottle": [{"group": 0, "row_count": 11, "value": 11}], "chair": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 725, "row_count": 11, "value": 5}, {"group": 1088, "row_count": 11, "value": 3}, {"group": 1451, "row_count": 11, "value": 3}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 14, "row_count": 11, "value": 11}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 14}, "size": 11, "degree": 14}, {"id": 707, "name": 707, "tooltip": "707 (size: 13)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 7 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 3 | \n
\n \n
", "members": [234, 264, 415, 416, 417, 505, 506, 507, 508, 790, 791, 1037, 1143], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 13}, {"label": "scissors", "group": 1, "value": 1, "row_count": 13}, {"label": "face", "group": 2, "value": 0, "row_count": 13}, {"label": "cat", "group": 3, "value": 7, "row_count": 13}, {"label": "shoe", "group": 4, "value": 1, "row_count": 13}, {"label": "house", "group": 5, "value": 1, "row_count": 13}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 13}, {"label": "bottle", "group": 7, "value": 0, "row_count": 13}, {"label": "chair", "group": 8, "value": 3, "row_count": 13}], "rest": [{"group": 0, "row_count": 13, "value": 13}], "scissors": [{"group": 0, "row_count": 13, "value": 12}, {"group": 1, "row_count": 13, "value": 1}], "face": [{"group": 0, "row_count": 13, "value": 13}], "cat": [{"group": 1, "row_count": 13, "value": 7}, {"group": 0, "row_count": 13, "value": 6}], "shoe": [{"group": 0, "row_count": 13, "value": 12}, {"group": 1, "row_count": 13, "value": 1}], "house": [{"group": 0, "row_count": 13, "value": 12}, {"group": 1, "row_count": 13, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 13, "value": 13}], "bottle": [{"group": 0, "row_count": 13, "value": 13}], "chair": [{"group": 0, "row_count": 13, "value": 10}, {"group": 1, "row_count": 13, "value": 3}], "data_id": [{"group": 1088, "row_count": 13, "value": 7}, {"group": 725, "row_count": 13, "value": 2}, {"group": 1451, "row_count": 13, "value": 2}, {"group": 362, "row_count": 13, "value": 2}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 20, "row_count": 13, "value": 13}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 20}, "size": 13, "degree": 20}, {"id": 708, "name": 708, "tooltip": "708 (size: 14)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 12 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [232, 233, 385, 386, 387, 388, 715, 716, 717, 718, 912, 913, 1022, 1023], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 14}, {"label": "scissors", "group": 1, "value": 0, "row_count": 14}, {"label": "face", "group": 2, "value": 0, "row_count": 14}, {"label": "cat", "group": 3, "value": 0, "row_count": 14}, {"label": "shoe", "group": 4, "value": 0, "row_count": 14}, {"label": "house", "group": 5, "value": 12, "row_count": 14}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 14}, {"label": "bottle", "group": 7, "value": 0, "row_count": 14}, {"label": "chair", "group": 8, "value": 0, "row_count": 14}], "rest": [{"group": 0, "row_count": 14, "value": 14}], "scissors": [{"group": 0, "row_count": 14, "value": 14}], "face": [{"group": 0, "row_count": 14, "value": 14}], "cat": [{"group": 0, "row_count": 14, "value": 14}], "shoe": [{"group": 0, "row_count": 14, "value": 14}], "house": [{"group": 1, "row_count": 14, "value": 12}, {"group": 0, "row_count": 14, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 14, "value": 12}, {"group": 1, "row_count": 14, "value": 2}], "bottle": [{"group": 0, "row_count": 14, "value": 14}], "chair": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 1451, "row_count": 14, "value": 6}, {"group": 1088, "row_count": 14, "value": 4}, {"group": 725, "row_count": 14, "value": 2}, {"group": 362, "row_count": 14, "value": 2}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 13, "row_count": 14, "value": 14}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 13}, "size": 14, "degree": 13}, {"id": 709, "name": 709, "tooltip": "709 (size: 5)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 5 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [231, 232, 233, 234, 235], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 5}, {"label": "scissors", "group": 1, "value": 0, "row_count": 5}, {"label": "face", "group": 2, "value": 0, "row_count": 5}, {"label": "cat", "group": 3, "value": 0, "row_count": 5}, {"label": "shoe", "group": 4, "value": 0, "row_count": 5}, {"label": "house", "group": 5, "value": 5, "row_count": 5}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 5}, {"label": "bottle", "group": 7, "value": 0, "row_count": 5}, {"label": "chair", "group": 8, "value": 0, "row_count": 5}], "rest": [{"group": 0, "row_count": 5, "value": 5}], "scissors": [{"group": 0, "row_count": 5, "value": 5}], "face": [{"group": 0, "row_count": 5, "value": 5}], "cat": [{"group": 0, "row_count": 5, "value": 5}], "shoe": [{"group": 0, "row_count": 5, "value": 5}], "house": [{"group": 1, "row_count": 5, "value": 5}], "scrambledpix": [{"group": 0, "row_count": 5, "value": 5}], "bottle": [{"group": 0, "row_count": 5, "value": 5}], "chair": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 725, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 3, "row_count": 5, "value": 5}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 5, "degree": 3}, {"id": 710, "name": 710, "tooltip": "710 (size: 28)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 28 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [229, 230, 231, 232, 233, 234, 296, 297, 385, 386, 712, 713, 714, 734, 735, 736, 737, 738, 739, 927, 1097, 1098, 1099, 1100, 1101, 1102, 1103, 1358], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 28}, {"label": "scissors", "group": 1, "value": 0, "row_count": 28}, {"label": "face", "group": 2, "value": 0, "row_count": 28}, {"label": "cat", "group": 3, "value": 0, "row_count": 28}, {"label": "shoe", "group": 4, "value": 0, "row_count": 28}, {"label": "house", "group": 5, "value": 28, "row_count": 28}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 28}, {"label": "bottle", "group": 7, "value": 0, "row_count": 28}, {"label": "chair", "group": 8, "value": 0, "row_count": 28}], "rest": [{"group": 0, "row_count": 28, "value": 28}], "scissors": [{"group": 0, "row_count": 28, "value": 28}], "face": [{"group": 0, "row_count": 28, "value": 28}], "cat": [{"group": 0, "row_count": 28, "value": 28}], "shoe": [{"group": 0, "row_count": 28, "value": 28}], "house": [{"group": 1, "row_count": 28, "value": 28}], "scrambledpix": [{"group": 0, "row_count": 28, "value": 28}], "bottle": [{"group": 0, "row_count": 28, "value": 28}], "chair": [{"group": 0, "row_count": 28, "value": 28}], "data_id": [{"group": 1451, "row_count": 28, "value": 10}, {"group": 725, "row_count": 28, "value": 9}, {"group": 362, "row_count": 28, "value": 7}, {"group": 1088, "row_count": 28, "value": 2}], "uniform": [{"group": 0, "row_count": 28, "value": 28}], "degree": [{"group": 20, "row_count": 28, "value": 28}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 20}, "size": 28, "degree": 20}, {"id": 711, "name": 711, "tooltip": "711 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 2 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [228, 229], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 2, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 1, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 712, "name": 712, "tooltip": "712 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [227], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 713, "name": 713, "tooltip": "713 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [225], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 714, "name": 714, "tooltip": "714 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [225, 226], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 715, "name": 715, "tooltip": "715 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [224], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 716, "name": 716, "tooltip": "716 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [223, 224, 225], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 725, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 4, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 4}, "size": 3, "degree": 4}, {"id": 717, "name": 717, "tooltip": "717 (size: 3)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [221, 222, 223], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 1, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 2}, {"group": 0, "row_count": 3, "value": 1}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "data_id": [{"group": 725, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 718, "name": 718, "tooltip": "718 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [220], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 719, "name": 719, "tooltip": "719 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [217], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 720, "name": 720, "tooltip": "720 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 4 | \n
\n \n
", "members": [215, 216, 217, 218], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 4, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 1, "row_count": 4, "value": 4}], "data_id": [{"group": 725, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 4, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 725, "uniform": 0, "degree": 4}, "size": 4, "degree": 4}, {"id": 721, "name": 721, "tooltip": "721 (size: 9)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 3 | \n
\n \n chair | \n 5 | \n
\n \n
", "members": [213, 214, 215, 218, 219, 249, 455, 764, 953], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 9}, {"label": "scissors", "group": 1, "value": 0, "row_count": 9}, {"label": "face", "group": 2, "value": 1, "row_count": 9}, {"label": "cat", "group": 3, "value": 0, "row_count": 9}, {"label": "shoe", "group": 4, "value": 0, "row_count": 9}, {"label": "house", "group": 5, "value": 0, "row_count": 9}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 9}, {"label": "bottle", "group": 7, "value": 3, "row_count": 9}, {"label": "chair", "group": 8, "value": 5, "row_count": 9}], "rest": [{"group": 0, "row_count": 9, "value": 9}], "scissors": [{"group": 0, "row_count": 9, "value": 9}], "face": [{"group": 0, "row_count": 9, "value": 8}, {"group": 1, "row_count": 9, "value": 1}], "cat": [{"group": 0, "row_count": 9, "value": 9}], "shoe": [{"group": 0, "row_count": 9, "value": 9}], "house": [{"group": 0, "row_count": 9, "value": 9}], "scrambledpix": [{"group": 0, "row_count": 9, "value": 9}], "bottle": [{"group": 0, "row_count": 9, "value": 6}, {"group": 1, "row_count": 9, "value": 3}], "chair": [{"group": 1, "row_count": 9, "value": 5}, {"group": 0, "row_count": 9, "value": 4}], "data_id": [{"group": 725, "row_count": 9, "value": 6}, {"group": 1451, "row_count": 9, "value": 2}, {"group": 1088, "row_count": 9, "value": 1}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 13, "row_count": 9, "value": 9}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 725, "uniform": 0, "degree": 13}, "size": 9, "degree": 13}, {"id": 722, "name": 722, "tooltip": "722 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [211], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 723, "name": 723, "tooltip": "723 (size: 7)
\n \n \n rest | \n 7 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [211, 212, 453, 454, 518, 831, 952], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 7, "row_count": 7}, {"label": "scissors", "group": 1, "value": 0, "row_count": 7}, {"label": "face", "group": 2, "value": 0, "row_count": 7}, {"label": "cat", "group": 3, "value": 0, "row_count": 7}, {"label": "shoe", "group": 4, "value": 0, "row_count": 7}, {"label": "house", "group": 5, "value": 0, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 7}, {"label": "bottle", "group": 7, "value": 0, "row_count": 7}, {"label": "chair", "group": 8, "value": 0, "row_count": 7}], "rest": [{"group": 1, "row_count": 7, "value": 7}], "scissors": [{"group": 0, "row_count": 7, "value": 7}], "face": [{"group": 0, "row_count": 7, "value": 7}], "cat": [{"group": 0, "row_count": 7, "value": 7}], "shoe": [{"group": 0, "row_count": 7, "value": 7}], "house": [{"group": 0, "row_count": 7, "value": 7}], "scrambledpix": [{"group": 0, "row_count": 7, "value": 7}], "bottle": [{"group": 0, "row_count": 7, "value": 7}], "chair": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 1088, "row_count": 7, "value": 3}, {"group": 725, "row_count": 7, "value": 2}, {"group": 1451, "row_count": 7, "value": 2}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 8, "row_count": 7, "value": 7}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 8}, "size": 7, "degree": 8}, {"id": 724, "name": 724, "tooltip": "724 (size: 2)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [207, 343], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 1, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 1}, {"group": 1, "row_count": 2, "value": 1}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 1, "row_count": 2, "value": 1}, {"group": 0, "row_count": 2, "value": 1}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 0, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 2, "degree": 0}, {"id": 725, "name": 725, "tooltip": "725 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 2 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [201, 202], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 2, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 1, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 6, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 6}, "size": 2, "degree": 6}, {"id": 726, "name": 726, "tooltip": "726 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [199], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 727, "name": 727, "tooltip": "727 (size: 16)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 8 | \n
\n \n cat | \n 7 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [199, 563, 819, 823, 824, 1124, 1125, 1126, 1130, 1168, 1169, 1223, 1395, 1396, 1397, 1398], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 16}, {"label": "scissors", "group": 1, "value": 0, "row_count": 16}, {"label": "face", "group": 2, "value": 8, "row_count": 16}, {"label": "cat", "group": 3, "value": 7, "row_count": 16}, {"label": "shoe", "group": 4, "value": 0, "row_count": 16}, {"label": "house", "group": 5, "value": 0, "row_count": 16}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 16}, {"label": "bottle", "group": 7, "value": 1, "row_count": 16}, {"label": "chair", "group": 8, "value": 0, "row_count": 16}], "rest": [{"group": 0, "row_count": 16, "value": 16}], "scissors": [{"group": 0, "row_count": 16, "value": 16}], "face": [{"group": 0, "row_count": 16, "value": 8}, {"group": 1, "row_count": 16, "value": 8}], "cat": [{"group": 0, "row_count": 16, "value": 9}, {"group": 1, "row_count": 16, "value": 7}], "shoe": [{"group": 0, "row_count": 16, "value": 16}], "house": [{"group": 0, "row_count": 16, "value": 16}], "scrambledpix": [{"group": 0, "row_count": 16, "value": 16}], "bottle": [{"group": 0, "row_count": 16, "value": 15}, {"group": 1, "row_count": 16, "value": 1}], "chair": [{"group": 0, "row_count": 16, "value": 16}], "data_id": [{"group": 362, "row_count": 16, "value": 7}, {"group": 725, "row_count": 16, "value": 5}, {"group": 1451, "row_count": 16, "value": 3}, {"group": 1088, "row_count": 16, "value": 1}], "uniform": [{"group": 0, "row_count": 16, "value": 16}], "degree": [{"group": 23, "row_count": 16, "value": 16}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 23}, "size": 16, "degree": 23}, {"id": 728, "name": 728, "tooltip": "728 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [197], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 729, "name": 729, "tooltip": "729 (size: 13)
\n \n \n rest | \n 13 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [197, 466, 515, 516, 517, 518, 531, 545, 1164, 1178, 1179, 1391, 1392], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 13, "row_count": 13}, {"label": "scissors", "group": 1, "value": 0, "row_count": 13}, {"label": "face", "group": 2, "value": 0, "row_count": 13}, {"label": "cat", "group": 3, "value": 0, "row_count": 13}, {"label": "shoe", "group": 4, "value": 0, "row_count": 13}, {"label": "house", "group": 5, "value": 0, "row_count": 13}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 13}, {"label": "bottle", "group": 7, "value": 0, "row_count": 13}, {"label": "chair", "group": 8, "value": 0, "row_count": 13}], "rest": [{"group": 1, "row_count": 13, "value": 13}], "scissors": [{"group": 0, "row_count": 13, "value": 13}], "face": [{"group": 0, "row_count": 13, "value": 13}], "cat": [{"group": 0, "row_count": 13, "value": 13}], "shoe": [{"group": 0, "row_count": 13, "value": 13}], "house": [{"group": 0, "row_count": 13, "value": 13}], "scrambledpix": [{"group": 0, "row_count": 13, "value": 13}], "bottle": [{"group": 0, "row_count": 13, "value": 13}], "chair": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 1088, "row_count": 13, "value": 7}, {"group": 725, "row_count": 13, "value": 3}, {"group": 362, "row_count": 13, "value": 3}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 15, "row_count": 13, "value": 13}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 15}, "size": 13, "degree": 15}, {"id": 730, "name": 730, "tooltip": "730 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [193, 257], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 731, "name": 731, "tooltip": "731 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [192], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 732, "name": 732, "tooltip": "732 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [191], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 733, "name": 733, "tooltip": "733 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [190], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 734, "name": 734, "tooltip": "734 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [189], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 735, "name": 735, "tooltip": "735 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 2 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [187, 188], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 2, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 1, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 6, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 725, "uniform": 0, "degree": 6}, "size": 2, "degree": 6}, {"id": 736, "name": 736, "tooltip": "736 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 2 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [186, 187], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 2, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 1, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 7, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 725, "uniform": 0, "degree": 7}, "size": 2, "degree": 7}, {"id": 737, "name": 737, "tooltip": "737 (size: 11)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 4 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 6 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [186, 187, 323, 684, 764, 765, 766, 954, 1037, 1409, 1410], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 11}, {"label": "scissors", "group": 1, "value": 1, "row_count": 11}, {"label": "face", "group": 2, "value": 0, "row_count": 11}, {"label": "cat", "group": 3, "value": 0, "row_count": 11}, {"label": "shoe", "group": 4, "value": 4, "row_count": 11}, {"label": "house", "group": 5, "value": 0, "row_count": 11}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 11}, {"label": "bottle", "group": 7, "value": 6, "row_count": 11}, {"label": "chair", "group": 8, "value": 0, "row_count": 11}], "rest": [{"group": 0, "row_count": 11, "value": 11}], "scissors": [{"group": 0, "row_count": 11, "value": 10}, {"group": 1, "row_count": 11, "value": 1}], "face": [{"group": 0, "row_count": 11, "value": 11}], "cat": [{"group": 0, "row_count": 11, "value": 11}], "shoe": [{"group": 0, "row_count": 11, "value": 7}, {"group": 1, "row_count": 11, "value": 4}], "house": [{"group": 0, "row_count": 11, "value": 11}], "scrambledpix": [{"group": 0, "row_count": 11, "value": 11}], "bottle": [{"group": 1, "row_count": 11, "value": 6}, {"group": 0, "row_count": 11, "value": 5}], "chair": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 725, "row_count": 11, "value": 5}, {"group": 1451, "row_count": 11, "value": 5}, {"group": 362, "row_count": 11, "value": 1}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 21, "row_count": 11, "value": 11}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 725, "uniform": 0, "degree": 21}, "size": 11, "degree": 21}, {"id": 738, "name": 738, "tooltip": "738 (size: 15)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 3 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 6 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [186, 187, 214, 250, 322, 323, 455, 456, 457, 458, 491, 640, 641, 660, 684], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 15}, {"label": "scissors", "group": 1, "value": 2, "row_count": 15}, {"label": "face", "group": 2, "value": 2, "row_count": 15}, {"label": "cat", "group": 3, "value": 0, "row_count": 15}, {"label": "shoe", "group": 4, "value": 3, "row_count": 15}, {"label": "house", "group": 5, "value": 0, "row_count": 15}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 15}, {"label": "bottle", "group": 7, "value": 6, "row_count": 15}, {"label": "chair", "group": 8, "value": 2, "row_count": 15}], "rest": [{"group": 0, "row_count": 15, "value": 15}], "scissors": [{"group": 0, "row_count": 15, "value": 13}, {"group": 1, "row_count": 15, "value": 2}], "face": [{"group": 0, "row_count": 15, "value": 13}, {"group": 1, "row_count": 15, "value": 2}], "cat": [{"group": 0, "row_count": 15, "value": 15}], "shoe": [{"group": 0, "row_count": 15, "value": 12}, {"group": 1, "row_count": 15, "value": 3}], "house": [{"group": 0, "row_count": 15, "value": 15}], "scrambledpix": [{"group": 0, "row_count": 15, "value": 15}], "bottle": [{"group": 0, "row_count": 15, "value": 9}, {"group": 1, "row_count": 15, "value": 6}], "chair": [{"group": 0, "row_count": 15, "value": 13}, {"group": 1, "row_count": 15, "value": 2}], "data_id": [{"group": 1088, "row_count": 15, "value": 8}, {"group": 725, "row_count": 15, "value": 6}, {"group": 1451, "row_count": 15, "value": 1}], "uniform": [{"group": 0, "row_count": 15, "value": 15}], "degree": [{"group": 26, "row_count": 15, "value": 15}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 26}, "size": 15, "degree": 26}, {"id": 739, "name": 739, "tooltip": "739 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [184], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 740, "name": 740, "tooltip": "740 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [182], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 741, "name": 741, "tooltip": "741 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [182, 183], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 742, "name": 742, "tooltip": "742 (size: 3)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [178, 798, 1347], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 1, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 2}, {"group": 0, "row_count": 3, "value": 1}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 725, "row_count": 3, "value": 2}, {"group": 1451, "row_count": 3, "value": 1}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 743, "name": 743, "tooltip": "743 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [177], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 744, "name": 744, "tooltip": "744 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [176], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 7, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 7}, "size": 1, "degree": 7}, {"id": 745, "name": 745, "tooltip": "745 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [175], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 746, "name": 746, "tooltip": "746 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [173], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 747, "name": 747, "tooltip": "747 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [173, 174], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 2, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 748, "name": 748, "tooltip": "748 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [172], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 749, "name": 749, "tooltip": "749 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [170, 171], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 2, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 1, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 6, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 6}, "size": 2, "degree": 6}, {"id": 750, "name": 750, "tooltip": "750 (size: 3)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [169, 319, 732], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 1, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 2}, {"group": 0, "row_count": 3, "value": 1}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 725, "row_count": 3, "value": 2}, {"group": 1451, "row_count": 3, "value": 1}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 5, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 5}, "size": 3, "degree": 5}, {"id": 751, "name": 751, "tooltip": "751 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [168], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 10, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 10}, "size": 1, "degree": 10}, {"id": 752, "name": 752, "tooltip": "752 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [166], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 753, "name": 753, "tooltip": "753 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [163, 164], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 2, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 1, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 754, "name": 754, "tooltip": "754 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [162], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 755, "name": 755, "tooltip": "755 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [159], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 756, "name": 756, "tooltip": "756 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 4 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [159, 160, 161, 162], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 4, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 1, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 725, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 8, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 8}, "size": 4, "degree": 8}, {"id": 757, "name": 757, "tooltip": "757 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 4 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [157, 158, 159, 160], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 4, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 1, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 725, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 9, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 9}, "size": 4, "degree": 9}, {"id": 758, "name": 758, "tooltip": "758 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [155], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 759, "name": 759, "tooltip": "759 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [149], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 760, "name": 760, "tooltip": "760 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [148], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 761, "name": 761, "tooltip": "761 (size: 10)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 6 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [148, 519, 520, 547, 967, 1064, 1065, 1337, 1413, 1414], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 10}, {"label": "scissors", "group": 1, "value": 1, "row_count": 10}, {"label": "face", "group": 2, "value": 0, "row_count": 10}, {"label": "cat", "group": 3, "value": 0, "row_count": 10}, {"label": "shoe", "group": 4, "value": 6, "row_count": 10}, {"label": "house", "group": 5, "value": 0, "row_count": 10}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 10}, {"label": "bottle", "group": 7, "value": 1, "row_count": 10}, {"label": "chair", "group": 8, "value": 0, "row_count": 10}], "rest": [{"group": 0, "row_count": 10, "value": 9}, {"group": 1, "row_count": 10, "value": 1}], "scissors": [{"group": 0, "row_count": 10, "value": 9}, {"group": 1, "row_count": 10, "value": 1}], "face": [{"group": 0, "row_count": 10, "value": 10}], "cat": [{"group": 0, "row_count": 10, "value": 10}], "shoe": [{"group": 1, "row_count": 10, "value": 6}, {"group": 0, "row_count": 10, "value": 4}], "house": [{"group": 0, "row_count": 10, "value": 10}], "scrambledpix": [{"group": 0, "row_count": 10, "value": 9}, {"group": 1, "row_count": 10, "value": 1}], "bottle": [{"group": 0, "row_count": 10, "value": 9}, {"group": 1, "row_count": 10, "value": 1}], "chair": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 725, "row_count": 10, "value": 4}, {"group": 1088, "row_count": 10, "value": 3}, {"group": 362, "row_count": 10, "value": 2}, {"group": 1451, "row_count": 10, "value": 1}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 20, "row_count": 10, "value": 10}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 20}, "size": 10, "degree": 20}, {"id": 762, "name": 762, "tooltip": "762 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [147], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 763, "name": 763, "tooltip": "763 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [145], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 764, "name": 764, "tooltip": "764 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 4 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [145, 146, 147, 148], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 4, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 1, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 725, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 7, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 7}, "size": 4, "degree": 7}, {"id": 765, "name": 765, "tooltip": "765 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 4 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [142, 143, 144, 145], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 4, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 1, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 725, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 3, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 4, "degree": 3}, {"id": 766, "name": 766, "tooltip": "766 (size: 8)
\n \n \n rest | \n 6 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [141, 142, 262, 440, 710, 831, 832, 1435], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 6, "row_count": 8}, {"label": "scissors", "group": 1, "value": 0, "row_count": 8}, {"label": "face", "group": 2, "value": 0, "row_count": 8}, {"label": "cat", "group": 3, "value": 0, "row_count": 8}, {"label": "shoe", "group": 4, "value": 0, "row_count": 8}, {"label": "house", "group": 5, "value": 0, "row_count": 8}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 8}, {"label": "bottle", "group": 7, "value": 0, "row_count": 8}, {"label": "chair", "group": 8, "value": 0, "row_count": 8}], "rest": [{"group": 1, "row_count": 8, "value": 6}, {"group": 0, "row_count": 8, "value": 2}], "scissors": [{"group": 0, "row_count": 8, "value": 8}], "face": [{"group": 0, "row_count": 8, "value": 8}], "cat": [{"group": 0, "row_count": 8, "value": 8}], "shoe": [{"group": 0, "row_count": 8, "value": 8}], "house": [{"group": 0, "row_count": 8, "value": 8}], "scrambledpix": [{"group": 0, "row_count": 8, "value": 6}, {"group": 1, "row_count": 8, "value": 2}], "bottle": [{"group": 0, "row_count": 8, "value": 8}], "chair": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 725, "row_count": 8, "value": 4}, {"group": 1451, "row_count": 8, "value": 3}, {"group": 1088, "row_count": 8, "value": 1}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 7, "row_count": 8, "value": 8}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 7}, "size": 8, "degree": 7}, {"id": 767, "name": 767, "tooltip": "767 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [139, 153, 154], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 725, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 13, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 13}, "size": 3, "degree": 13}, {"id": 768, "name": 768, "tooltip": "768 (size: 10)
\n \n \n rest | \n 10 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [139, 140, 182, 197, 1227, 1228, 1229, 1390, 1391, 1392], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 10, "row_count": 10}, {"label": "scissors", "group": 1, "value": 0, "row_count": 10}, {"label": "face", "group": 2, "value": 0, "row_count": 10}, {"label": "cat", "group": 3, "value": 0, "row_count": 10}, {"label": "shoe", "group": 4, "value": 0, "row_count": 10}, {"label": "house", "group": 5, "value": 0, "row_count": 10}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 10}, {"label": "bottle", "group": 7, "value": 0, "row_count": 10}, {"label": "chair", "group": 8, "value": 0, "row_count": 10}], "rest": [{"group": 1, "row_count": 10, "value": 10}], "scissors": [{"group": 0, "row_count": 10, "value": 10}], "face": [{"group": 0, "row_count": 10, "value": 10}], "cat": [{"group": 0, "row_count": 10, "value": 10}], "shoe": [{"group": 0, "row_count": 10, "value": 10}], "house": [{"group": 0, "row_count": 10, "value": 10}], "scrambledpix": [{"group": 0, "row_count": 10, "value": 10}], "bottle": [{"group": 0, "row_count": 10, "value": 10}], "chair": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 725, "row_count": 10, "value": 7}, {"group": 362, "row_count": 10, "value": 3}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 14, "row_count": 10, "value": 10}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 14}, "size": 10, "degree": 14}, {"id": 769, "name": 769, "tooltip": "769 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [138], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 10, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 10}, "size": 1, "degree": 10}, {"id": 770, "name": 770, "tooltip": "770 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [137, 138], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 10, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 10}, "size": 2, "degree": 10}, {"id": 771, "name": 771, "tooltip": "771 (size: 3)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [135, 136, 177], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 1, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 1, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 725, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 9, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 9}, "size": 3, "degree": 9}, {"id": 772, "name": 772, "tooltip": "772 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [133, 134], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 2, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 1, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 8, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 8}, "size": 2, "degree": 8}, {"id": 773, "name": 773, "tooltip": "773 (size: 6)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 6 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [129, 130, 131, 132, 133, 134], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 6}, {"label": "scissors", "group": 1, "value": 0, "row_count": 6}, {"label": "face", "group": 2, "value": 6, "row_count": 6}, {"label": "cat", "group": 3, "value": 0, "row_count": 6}, {"label": "shoe", "group": 4, "value": 0, "row_count": 6}, {"label": "house", "group": 5, "value": 0, "row_count": 6}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 6}, {"label": "bottle", "group": 7, "value": 0, "row_count": 6}, {"label": "chair", "group": 8, "value": 0, "row_count": 6}], "rest": [{"group": 0, "row_count": 6, "value": 6}], "scissors": [{"group": 0, "row_count": 6, "value": 6}], "face": [{"group": 1, "row_count": 6, "value": 6}], "cat": [{"group": 0, "row_count": 6, "value": 6}], "shoe": [{"group": 0, "row_count": 6, "value": 6}], "house": [{"group": 0, "row_count": 6, "value": 6}], "scrambledpix": [{"group": 0, "row_count": 6, "value": 6}], "bottle": [{"group": 0, "row_count": 6, "value": 6}], "chair": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 362, "row_count": 6, "value": 4}, {"group": 725, "row_count": 6, "value": 2}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 11, "row_count": 6, "value": 6}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 11}, "size": 6, "degree": 11}, {"id": 774, "name": 774, "tooltip": "774 (size: 14)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 12 | \n
\n \n cat | \n 2 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [127, 128, 129, 130, 131, 250, 251, 281, 282, 855, 1307, 1308, 1394, 1395], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 14}, {"label": "scissors", "group": 1, "value": 0, "row_count": 14}, {"label": "face", "group": 2, "value": 12, "row_count": 14}, {"label": "cat", "group": 3, "value": 2, "row_count": 14}, {"label": "shoe", "group": 4, "value": 0, "row_count": 14}, {"label": "house", "group": 5, "value": 0, "row_count": 14}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 14}, {"label": "bottle", "group": 7, "value": 0, "row_count": 14}, {"label": "chair", "group": 8, "value": 0, "row_count": 14}], "rest": [{"group": 0, "row_count": 14, "value": 14}], "scissors": [{"group": 0, "row_count": 14, "value": 14}], "face": [{"group": 1, "row_count": 14, "value": 12}, {"group": 0, "row_count": 14, "value": 2}], "cat": [{"group": 0, "row_count": 14, "value": 12}, {"group": 1, "row_count": 14, "value": 2}], "shoe": [{"group": 0, "row_count": 14, "value": 14}], "house": [{"group": 0, "row_count": 14, "value": 14}], "scrambledpix": [{"group": 0, "row_count": 14, "value": 14}], "bottle": [{"group": 0, "row_count": 14, "value": 14}], "chair": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 362, "row_count": 14, "value": 7}, {"group": 725, "row_count": 14, "value": 6}, {"group": 1451, "row_count": 14, "value": 1}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 13, "row_count": 14, "value": 14}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 13}, "size": 14, "degree": 13}, {"id": 775, "name": 775, "tooltip": "775 (size: 5)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [124, 125, 126, 127, 1435], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 5}, {"label": "scissors", "group": 1, "value": 0, "row_count": 5}, {"label": "face", "group": 2, "value": 1, "row_count": 5}, {"label": "cat", "group": 3, "value": 0, "row_count": 5}, {"label": "shoe", "group": 4, "value": 0, "row_count": 5}, {"label": "house", "group": 5, "value": 0, "row_count": 5}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 5}, {"label": "bottle", "group": 7, "value": 0, "row_count": 5}, {"label": "chair", "group": 8, "value": 0, "row_count": 5}], "rest": [{"group": 1, "row_count": 5, "value": 4}, {"group": 0, "row_count": 5, "value": 1}], "scissors": [{"group": 0, "row_count": 5, "value": 5}], "face": [{"group": 0, "row_count": 5, "value": 4}, {"group": 1, "row_count": 5, "value": 1}], "cat": [{"group": 0, "row_count": 5, "value": 5}], "shoe": [{"group": 0, "row_count": 5, "value": 5}], "house": [{"group": 0, "row_count": 5, "value": 5}], "scrambledpix": [{"group": 0, "row_count": 5, "value": 5}], "bottle": [{"group": 0, "row_count": 5, "value": 5}], "chair": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 362, "row_count": 5, "value": 4}, {"group": 725, "row_count": 5, "value": 1}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 4, "row_count": 5, "value": 5}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 4}, "size": 5, "degree": 4}, {"id": 776, "name": 776, "tooltip": "776 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [122, 123], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 0, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 2, "degree": 0}, {"id": 777, "name": 777, "tooltip": "777 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [121], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 778, "name": 778, "tooltip": "778 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [119, 120], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 0, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 0}, "size": 2, "degree": 0}, {"id": 779, "name": 779, "tooltip": "779 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [116], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 780, "name": 780, "tooltip": "780 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [115], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 781, "name": 781, "tooltip": "781 (size: 8)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 3 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [115, 116, 149, 150, 151, 221, 271, 910], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 8}, {"label": "scissors", "group": 1, "value": 0, "row_count": 8}, {"label": "face", "group": 2, "value": 0, "row_count": 8}, {"label": "cat", "group": 3, "value": 0, "row_count": 8}, {"label": "shoe", "group": 4, "value": 0, "row_count": 8}, {"label": "house", "group": 5, "value": 0, "row_count": 8}, {"label": "scrambledpix", "group": 6, "value": 3, "row_count": 8}, {"label": "bottle", "group": 7, "value": 0, "row_count": 8}, {"label": "chair", "group": 8, "value": 2, "row_count": 8}], "rest": [{"group": 0, "row_count": 8, "value": 5}, {"group": 1, "row_count": 8, "value": 3}], "scissors": [{"group": 0, "row_count": 8, "value": 8}], "face": [{"group": 0, "row_count": 8, "value": 8}], "cat": [{"group": 0, "row_count": 8, "value": 8}], "shoe": [{"group": 0, "row_count": 8, "value": 8}], "house": [{"group": 0, "row_count": 8, "value": 8}], "scrambledpix": [{"group": 0, "row_count": 8, "value": 5}, {"group": 1, "row_count": 8, "value": 3}], "bottle": [{"group": 0, "row_count": 8, "value": 8}], "chair": [{"group": 0, "row_count": 8, "value": 6}, {"group": 1, "row_count": 8, "value": 2}], "data_id": [{"group": 725, "row_count": 8, "value": 5}, {"group": 362, "row_count": 8, "value": 2}, {"group": 1451, "row_count": 8, "value": 1}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 19, "row_count": 8, "value": 8}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 19}, "size": 8, "degree": 19}, {"id": 782, "name": 782, "tooltip": "782 (size: 2)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [114, 115], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 1, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 1}, {"group": 1, "row_count": 2, "value": 1}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 1, "row_count": 2, "value": 1}, {"group": 0, "row_count": 2, "value": 1}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 6, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 362, "uniform": 0, "degree": 6}, "size": 2, "degree": 6}, {"id": 783, "name": 783, "tooltip": "783 (size: 14)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 4 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 9 | \n
\n \n
", "members": [113, 173, 174, 264, 265, 266, 267, 764, 790, 791, 797, 870, 1143, 1144], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 14}, {"label": "scissors", "group": 1, "value": 0, "row_count": 14}, {"label": "face", "group": 2, "value": 0, "row_count": 14}, {"label": "cat", "group": 3, "value": 0, "row_count": 14}, {"label": "shoe", "group": 4, "value": 4, "row_count": 14}, {"label": "house", "group": 5, "value": 0, "row_count": 14}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 14}, {"label": "bottle", "group": 7, "value": 1, "row_count": 14}, {"label": "chair", "group": 8, "value": 9, "row_count": 14}], "rest": [{"group": 0, "row_count": 14, "value": 14}], "scissors": [{"group": 0, "row_count": 14, "value": 14}], "face": [{"group": 0, "row_count": 14, "value": 14}], "cat": [{"group": 0, "row_count": 14, "value": 14}], "shoe": [{"group": 0, "row_count": 14, "value": 10}, {"group": 1, "row_count": 14, "value": 4}], "house": [{"group": 0, "row_count": 14, "value": 14}], "scrambledpix": [{"group": 0, "row_count": 14, "value": 14}], "bottle": [{"group": 0, "row_count": 14, "value": 13}, {"group": 1, "row_count": 14, "value": 1}], "chair": [{"group": 1, "row_count": 14, "value": 9}, {"group": 0, "row_count": 14, "value": 5}], "data_id": [{"group": 725, "row_count": 14, "value": 6}, {"group": 1451, "row_count": 14, "value": 5}, {"group": 362, "row_count": 14, "value": 3}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 18, "row_count": 14, "value": 14}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 725, "uniform": 0, "degree": 18}, "size": 14, "degree": 18}, {"id": 784, "name": 784, "tooltip": "784 (size: 3)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [113, 114, 115], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 2, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 1, "row_count": 3, "value": 2}, {"group": 0, "row_count": 3, "value": 1}], "data_id": [{"group": 362, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 7, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 362, "uniform": 0, "degree": 7}, "size": 3, "degree": 7}, {"id": 785, "name": 785, "tooltip": "785 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [112], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 9, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 362, "uniform": 0, "degree": 9}, "size": 1, "degree": 9}, {"id": 786, "name": 786, "tooltip": "786 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [108, 109], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 2, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 10, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 362, "uniform": 0, "degree": 10}, "size": 2, "degree": 10}, {"id": 787, "name": 787, "tooltip": "787 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 3 | \n
\n \n
", "members": [107, 108, 109], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 3, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 1, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 10, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 362, "uniform": 0, "degree": 10}, "size": 3, "degree": 10}, {"id": 788, "name": 788, "tooltip": "788 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [106], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 1, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 1, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 789, "name": 789, "tooltip": "789 (size: 14)
\n \n \n rest | \n 14 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [105, 198, 467, 468, 723, 759, 817, 1015, 1043, 1044, 1084, 1136, 1271, 1393], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 14, "row_count": 14}, {"label": "scissors", "group": 1, "value": 0, "row_count": 14}, {"label": "face", "group": 2, "value": 0, "row_count": 14}, {"label": "cat", "group": 3, "value": 0, "row_count": 14}, {"label": "shoe", "group": 4, "value": 0, "row_count": 14}, {"label": "house", "group": 5, "value": 0, "row_count": 14}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 14}, {"label": "bottle", "group": 7, "value": 0, "row_count": 14}, {"label": "chair", "group": 8, "value": 0, "row_count": 14}], "rest": [{"group": 1, "row_count": 14, "value": 14}], "scissors": [{"group": 0, "row_count": 14, "value": 14}], "face": [{"group": 0, "row_count": 14, "value": 14}], "cat": [{"group": 0, "row_count": 14, "value": 14}], "shoe": [{"group": 0, "row_count": 14, "value": 14}], "house": [{"group": 0, "row_count": 14, "value": 14}], "scrambledpix": [{"group": 0, "row_count": 14, "value": 14}], "bottle": [{"group": 0, "row_count": 14, "value": 14}], "chair": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 362, "row_count": 14, "value": 7}, {"group": 1451, "row_count": 14, "value": 3}, {"group": 725, "row_count": 14, "value": 2}, {"group": 1088, "row_count": 14, "value": 2}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 12, "row_count": 14, "value": 14}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 12}, "size": 14, "degree": 12}, {"id": 790, "name": 790, "tooltip": "790 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [104], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 791, "name": 791, "tooltip": "791 (size: 9)
\n \n \n rest | \n 9 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [104, 424, 558, 559, 560, 561, 1135, 1347, 1348], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 9, "row_count": 9}, {"label": "scissors", "group": 1, "value": 0, "row_count": 9}, {"label": "face", "group": 2, "value": 0, "row_count": 9}, {"label": "cat", "group": 3, "value": 0, "row_count": 9}, {"label": "shoe", "group": 4, "value": 0, "row_count": 9}, {"label": "house", "group": 5, "value": 0, "row_count": 9}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 9}, {"label": "bottle", "group": 7, "value": 0, "row_count": 9}, {"label": "chair", "group": 8, "value": 0, "row_count": 9}], "rest": [{"group": 1, "row_count": 9, "value": 9}], "scissors": [{"group": 0, "row_count": 9, "value": 9}], "face": [{"group": 0, "row_count": 9, "value": 9}], "cat": [{"group": 0, "row_count": 9, "value": 9}], "shoe": [{"group": 0, "row_count": 9, "value": 9}], "house": [{"group": 0, "row_count": 9, "value": 9}], "scrambledpix": [{"group": 0, "row_count": 9, "value": 9}], "bottle": [{"group": 0, "row_count": 9, "value": 9}], "chair": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 1088, "row_count": 9, "value": 5}, {"group": 362, "row_count": 9, "value": 2}, {"group": 725, "row_count": 9, "value": 2}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 12, "row_count": 9, "value": 9}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 12}, "size": 9, "degree": 12}, {"id": 792, "name": 792, "tooltip": "792 (size: 13)
\n \n \n rest | \n 13 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [104, 330, 331, 332, 366, 558, 559, 652, 664, 665, 694, 801, 1178], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 13, "row_count": 13}, {"label": "scissors", "group": 1, "value": 0, "row_count": 13}, {"label": "face", "group": 2, "value": 0, "row_count": 13}, {"label": "cat", "group": 3, "value": 0, "row_count": 13}, {"label": "shoe", "group": 4, "value": 0, "row_count": 13}, {"label": "house", "group": 5, "value": 0, "row_count": 13}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 13}, {"label": "bottle", "group": 7, "value": 0, "row_count": 13}, {"label": "chair", "group": 8, "value": 0, "row_count": 13}], "rest": [{"group": 1, "row_count": 13, "value": 13}], "scissors": [{"group": 0, "row_count": 13, "value": 13}], "face": [{"group": 0, "row_count": 13, "value": 13}], "cat": [{"group": 0, "row_count": 13, "value": 13}], "shoe": [{"group": 0, "row_count": 13, "value": 13}], "house": [{"group": 0, "row_count": 13, "value": 13}], "scrambledpix": [{"group": 0, "row_count": 13, "value": 13}], "bottle": [{"group": 0, "row_count": 13, "value": 13}], "chair": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 1088, "row_count": 13, "value": 6}, {"group": 725, "row_count": 13, "value": 3}, {"group": 362, "row_count": 13, "value": 2}, {"group": 1451, "row_count": 13, "value": 2}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 19, "row_count": 13, "value": 13}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 19}, "size": 13, "degree": 19}, {"id": 793, "name": 793, "tooltip": "793 (size: 7)
\n \n \n rest | \n 7 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [104, 118, 345, 346, 424, 1378, 1421], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 7, "row_count": 7}, {"label": "scissors", "group": 1, "value": 0, "row_count": 7}, {"label": "face", "group": 2, "value": 0, "row_count": 7}, {"label": "cat", "group": 3, "value": 0, "row_count": 7}, {"label": "shoe", "group": 4, "value": 0, "row_count": 7}, {"label": "house", "group": 5, "value": 0, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 7}, {"label": "bottle", "group": 7, "value": 0, "row_count": 7}, {"label": "chair", "group": 8, "value": 0, "row_count": 7}], "rest": [{"group": 1, "row_count": 7, "value": 7}], "scissors": [{"group": 0, "row_count": 7, "value": 7}], "face": [{"group": 0, "row_count": 7, "value": 7}], "cat": [{"group": 0, "row_count": 7, "value": 7}], "shoe": [{"group": 0, "row_count": 7, "value": 7}], "house": [{"group": 0, "row_count": 7, "value": 7}], "scrambledpix": [{"group": 0, "row_count": 7, "value": 7}], "bottle": [{"group": 0, "row_count": 7, "value": 7}], "chair": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 1088, "row_count": 7, "value": 3}, {"group": 362, "row_count": 7, "value": 2}, {"group": 725, "row_count": 7, "value": 2}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 13, "row_count": 7, "value": 7}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 13}, "size": 7, "degree": 13}, {"id": 794, "name": 794, "tooltip": "794 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [101, 102], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 795, "name": 795, "tooltip": "795 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [100], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 362, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 796, "name": 796, "tooltip": "796 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [99], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 797, "name": 797, "tooltip": "797 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [98], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 798, "name": 798, "tooltip": "798 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [97], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 799, "name": 799, "tooltip": "799 (size: 11)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 8 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [97, 819, 820, 821, 822, 823, 941, 942, 978, 1126, 1169], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 11}, {"label": "scissors", "group": 1, "value": 0, "row_count": 11}, {"label": "face", "group": 2, "value": 2, "row_count": 11}, {"label": "cat", "group": 3, "value": 8, "row_count": 11}, {"label": "shoe", "group": 4, "value": 0, "row_count": 11}, {"label": "house", "group": 5, "value": 0, "row_count": 11}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 11}, {"label": "bottle", "group": 7, "value": 1, "row_count": 11}, {"label": "chair", "group": 8, "value": 0, "row_count": 11}], "rest": [{"group": 0, "row_count": 11, "value": 11}], "scissors": [{"group": 0, "row_count": 11, "value": 11}], "face": [{"group": 0, "row_count": 11, "value": 9}, {"group": 1, "row_count": 11, "value": 2}], "cat": [{"group": 1, "row_count": 11, "value": 8}, {"group": 0, "row_count": 11, "value": 3}], "shoe": [{"group": 0, "row_count": 11, "value": 11}], "house": [{"group": 0, "row_count": 11, "value": 11}], "scrambledpix": [{"group": 0, "row_count": 11, "value": 11}], "bottle": [{"group": 0, "row_count": 11, "value": 10}, {"group": 1, "row_count": 11, "value": 1}], "chair": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 1451, "row_count": 11, "value": 9}, {"group": 362, "row_count": 11, "value": 2}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 18, "row_count": 11, "value": 11}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 18}, "size": 11, "degree": 18}, {"id": 800, "name": 800, "tooltip": "800 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 4 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [97, 98, 99, 100], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 4, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 1, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1451, "row_count": 4, "value": 3}, {"group": 362, "row_count": 4, "value": 1}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 7, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 7}, "size": 4, "degree": 7}, {"id": 801, "name": 801, "tooltip": "801 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [93], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 802, "name": 802, "tooltip": "802 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 4 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [93, 94, 95, 96], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 4, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 1, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1451, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 5, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 5}, "size": 4, "degree": 5}, {"id": 803, "name": 803, "tooltip": "803 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [92], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 1, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 1, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 804, "name": 804, "tooltip": "804 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [92, 398], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 1, "row_count": 2}, {"label": "chair", "group": 8, "value": 1, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 1, "row_count": 2, "value": 1}, {"group": 0, "row_count": 2, "value": 1}], "chair": [{"group": 0, "row_count": 2, "value": 1}, {"group": 1, "row_count": 2, "value": 1}], "data_id": [{"group": 1451, "row_count": 2, "value": 1}, {"group": 1088, "row_count": 2, "value": 1}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 1, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 2, "degree": 1}, {"id": 805, "name": 805, "tooltip": "805 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [91], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 806, "name": 806, "tooltip": "806 (size: 7)
\n \n \n rest | \n 7 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [91, 198, 276, 347, 425, 561, 1407], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 7, "row_count": 7}, {"label": "scissors", "group": 1, "value": 0, "row_count": 7}, {"label": "face", "group": 2, "value": 0, "row_count": 7}, {"label": "cat", "group": 3, "value": 0, "row_count": 7}, {"label": "shoe", "group": 4, "value": 0, "row_count": 7}, {"label": "house", "group": 5, "value": 0, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 7}, {"label": "bottle", "group": 7, "value": 0, "row_count": 7}, {"label": "chair", "group": 8, "value": 0, "row_count": 7}], "rest": [{"group": 1, "row_count": 7, "value": 7}], "scissors": [{"group": 0, "row_count": 7, "value": 7}], "face": [{"group": 0, "row_count": 7, "value": 7}], "cat": [{"group": 0, "row_count": 7, "value": 7}], "shoe": [{"group": 0, "row_count": 7, "value": 7}], "house": [{"group": 0, "row_count": 7, "value": 7}], "scrambledpix": [{"group": 0, "row_count": 7, "value": 7}], "bottle": [{"group": 0, "row_count": 7, "value": 7}], "chair": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 725, "row_count": 7, "value": 3}, {"group": 1088, "row_count": 7, "value": 3}, {"group": 1451, "row_count": 7, "value": 1}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 10, "row_count": 7, "value": 7}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 10}, "size": 7, "degree": 10}, {"id": 807, "name": 807, "tooltip": "807 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [88], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 808, "name": 808, "tooltip": "808 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [88, 89, 90], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 809, "name": 809, "tooltip": "809 (size: 4)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [87, 88, 89, 90], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 1, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1451, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 2, "row_count": 4, "value": 4}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 2}, "size": 4, "degree": 2}, {"id": 810, "name": 810, "tooltip": "810 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [86], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 811, "name": 811, "tooltip": "811 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [84], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 8, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 8}, "size": 1, "degree": 8}, {"id": 812, "name": 812, "tooltip": "812 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [84, 85], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 1, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 9, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 9}, "size": 2, "degree": 9}, {"id": 813, "name": 813, "tooltip": "813 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 3 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [84, 85, 86], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 3, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 1, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 10, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 10}, "size": 3, "degree": 10}, {"id": 814, "name": 814, "tooltip": "814 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [82], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 8, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 8}, "size": 1, "degree": 8}, {"id": 815, "name": 815, "tooltip": "815 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [80], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 8, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 8}, "size": 1, "degree": 8}, {"id": 816, "name": 816, "tooltip": "816 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [80, 81], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 1, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 9, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 9}, "size": 2, "degree": 9}, {"id": 817, "name": 817, "tooltip": "817 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [79], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 8, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 8}, "size": 1, "degree": 8}, {"id": 818, "name": 818, "tooltip": "818 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [78], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 10, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 10}, "size": 1, "degree": 10}, {"id": 819, "name": 819, "tooltip": "819 (size: 21)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 4 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 6 | \n
\n \n bottle | \n 3 | \n
\n \n chair | \n 4 | \n
\n \n
", "members": [78, 270, 354, 355, 356, 357, 552, 601, 602, 633, 871, 872, 914, 915, 916, 917, 956, 957, 958, 1157, 1355], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 21}, {"label": "scissors", "group": 1, "value": 4, "row_count": 21}, {"label": "face", "group": 2, "value": 0, "row_count": 21}, {"label": "cat", "group": 3, "value": 0, "row_count": 21}, {"label": "shoe", "group": 4, "value": 0, "row_count": 21}, {"label": "house", "group": 5, "value": 1, "row_count": 21}, {"label": "scrambledpix", "group": 6, "value": 6, "row_count": 21}, {"label": "bottle", "group": 7, "value": 3, "row_count": 21}, {"label": "chair", "group": 8, "value": 4, "row_count": 21}], "rest": [{"group": 0, "row_count": 21, "value": 18}, {"group": 1, "row_count": 21, "value": 3}], "scissors": [{"group": 0, "row_count": 21, "value": 17}, {"group": 1, "row_count": 21, "value": 4}], "face": [{"group": 0, "row_count": 21, "value": 21}], "cat": [{"group": 0, "row_count": 21, "value": 21}], "shoe": [{"group": 0, "row_count": 21, "value": 21}], "house": [{"group": 0, "row_count": 21, "value": 20}, {"group": 1, "row_count": 21, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 21, "value": 15}, {"group": 1, "row_count": 21, "value": 6}], "bottle": [{"group": 0, "row_count": 21, "value": 18}, {"group": 1, "row_count": 21, "value": 3}], "chair": [{"group": 0, "row_count": 21, "value": 17}, {"group": 1, "row_count": 21, "value": 4}], "data_id": [{"group": 1451, "row_count": 21, "value": 10}, {"group": 1088, "row_count": 21, "value": 8}, {"group": 725, "row_count": 21, "value": 2}, {"group": 362, "row_count": 21, "value": 1}], "uniform": [{"group": 0, "row_count": 21, "value": 21}], "degree": [{"group": 36, "row_count": 21, "value": 21}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 36}, "size": 21, "degree": 36}, {"id": 820, "name": 820, "tooltip": "820 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [77], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 9, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 9}, "size": 1, "degree": 9}, {"id": 821, "name": 821, "tooltip": "821 (size: 2)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [77, 81], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 1}, {"group": 0, "row_count": 2, "value": 1}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 1}, {"group": 1, "row_count": 2, "value": 1}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 10, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 10}, "size": 2, "degree": 10}, {"id": 822, "name": 822, "tooltip": "822 (size: 7)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 6 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [77, 78, 79, 80, 81, 82, 83], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 7}, {"label": "scissors", "group": 1, "value": 0, "row_count": 7}, {"label": "face", "group": 2, "value": 0, "row_count": 7}, {"label": "cat", "group": 3, "value": 0, "row_count": 7}, {"label": "shoe", "group": 4, "value": 0, "row_count": 7}, {"label": "house", "group": 5, "value": 0, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 6, "row_count": 7}, {"label": "bottle", "group": 7, "value": 0, "row_count": 7}, {"label": "chair", "group": 8, "value": 0, "row_count": 7}], "rest": [{"group": 0, "row_count": 7, "value": 6}, {"group": 1, "row_count": 7, "value": 1}], "scissors": [{"group": 0, "row_count": 7, "value": 7}], "face": [{"group": 0, "row_count": 7, "value": 7}], "cat": [{"group": 0, "row_count": 7, "value": 7}], "shoe": [{"group": 0, "row_count": 7, "value": 7}], "house": [{"group": 0, "row_count": 7, "value": 7}], "scrambledpix": [{"group": 1, "row_count": 7, "value": 6}, {"group": 0, "row_count": 7, "value": 1}], "bottle": [{"group": 0, "row_count": 7, "value": 7}], "chair": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 1451, "row_count": 7, "value": 7}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 16, "row_count": 7, "value": 7}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 16}, "size": 7, "degree": 16}, {"id": 823, "name": 823, "tooltip": "823 (size: 20)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 9 | \n
\n \n bottle | \n 4 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [77, 78, 79, 80, 81, 82, 83, 114, 115, 193, 886, 887, 911, 956, 957, 958, 959, 990, 1231, 1232], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 20}, {"label": "scissors", "group": 1, "value": 2, "row_count": 20}, {"label": "face", "group": 2, "value": 0, "row_count": 20}, {"label": "cat", "group": 3, "value": 1, "row_count": 20}, {"label": "shoe", "group": 4, "value": 0, "row_count": 20}, {"label": "house", "group": 5, "value": 0, "row_count": 20}, {"label": "scrambledpix", "group": 6, "value": 9, "row_count": 20}, {"label": "bottle", "group": 7, "value": 4, "row_count": 20}, {"label": "chair", "group": 8, "value": 1, "row_count": 20}], "rest": [{"group": 0, "row_count": 20, "value": 17}, {"group": 1, "row_count": 20, "value": 3}], "scissors": [{"group": 0, "row_count": 20, "value": 18}, {"group": 1, "row_count": 20, "value": 2}], "face": [{"group": 0, "row_count": 20, "value": 20}], "cat": [{"group": 0, "row_count": 20, "value": 19}, {"group": 1, "row_count": 20, "value": 1}], "shoe": [{"group": 0, "row_count": 20, "value": 20}], "house": [{"group": 0, "row_count": 20, "value": 20}], "scrambledpix": [{"group": 0, "row_count": 20, "value": 11}, {"group": 1, "row_count": 20, "value": 9}], "bottle": [{"group": 0, "row_count": 20, "value": 16}, {"group": 1, "row_count": 20, "value": 4}], "chair": [{"group": 0, "row_count": 20, "value": 19}, {"group": 1, "row_count": 20, "value": 1}], "data_id": [{"group": 1451, "row_count": 20, "value": 15}, {"group": 362, "row_count": 20, "value": 4}, {"group": 725, "row_count": 20, "value": 1}], "uniform": [{"group": 0, "row_count": 20, "value": 20}], "degree": [{"group": 38, "row_count": 20, "value": 20}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 38}, "size": 20, "degree": 38}, {"id": 824, "name": 824, "tooltip": "824 (size: 8)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 7 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [77, 78, 79, 80, 81, 82, 83, 84], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 8}, {"label": "scissors", "group": 1, "value": 0, "row_count": 8}, {"label": "face", "group": 2, "value": 0, "row_count": 8}, {"label": "cat", "group": 3, "value": 0, "row_count": 8}, {"label": "shoe", "group": 4, "value": 0, "row_count": 8}, {"label": "house", "group": 5, "value": 0, "row_count": 8}, {"label": "scrambledpix", "group": 6, "value": 7, "row_count": 8}, {"label": "bottle", "group": 7, "value": 0, "row_count": 8}, {"label": "chair", "group": 8, "value": 0, "row_count": 8}], "rest": [{"group": 0, "row_count": 8, "value": 7}, {"group": 1, "row_count": 8, "value": 1}], "scissors": [{"group": 0, "row_count": 8, "value": 8}], "face": [{"group": 0, "row_count": 8, "value": 8}], "cat": [{"group": 0, "row_count": 8, "value": 8}], "shoe": [{"group": 0, "row_count": 8, "value": 8}], "house": [{"group": 0, "row_count": 8, "value": 8}], "scrambledpix": [{"group": 1, "row_count": 8, "value": 7}, {"group": 0, "row_count": 8, "value": 1}], "bottle": [{"group": 0, "row_count": 8, "value": 8}], "chair": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 1451, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 20, "row_count": 8, "value": 8}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 20}, "size": 8, "degree": 20}, {"id": 825, "name": 825, "tooltip": "825 (size: 19)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 9 | \n
\n \n bottle | \n 4 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [77, 78, 79, 80, 81, 82, 83, 84, 115, 256, 357, 886, 911, 956, 957, 958, 959, 990, 1231], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 19}, {"label": "scissors", "group": 1, "value": 1, "row_count": 19}, {"label": "face", "group": 2, "value": 1, "row_count": 19}, {"label": "cat", "group": 3, "value": 1, "row_count": 19}, {"label": "shoe", "group": 4, "value": 0, "row_count": 19}, {"label": "house", "group": 5, "value": 0, "row_count": 19}, {"label": "scrambledpix", "group": 6, "value": 9, "row_count": 19}, {"label": "bottle", "group": 7, "value": 4, "row_count": 19}, {"label": "chair", "group": 8, "value": 0, "row_count": 19}], "rest": [{"group": 0, "row_count": 19, "value": 16}, {"group": 1, "row_count": 19, "value": 3}], "scissors": [{"group": 0, "row_count": 19, "value": 18}, {"group": 1, "row_count": 19, "value": 1}], "face": [{"group": 0, "row_count": 19, "value": 18}, {"group": 1, "row_count": 19, "value": 1}], "cat": [{"group": 0, "row_count": 19, "value": 18}, {"group": 1, "row_count": 19, "value": 1}], "shoe": [{"group": 0, "row_count": 19, "value": 19}], "house": [{"group": 0, "row_count": 19, "value": 19}], "scrambledpix": [{"group": 0, "row_count": 19, "value": 10}, {"group": 1, "row_count": 19, "value": 9}], "bottle": [{"group": 0, "row_count": 19, "value": 15}, {"group": 1, "row_count": 19, "value": 4}], "chair": [{"group": 0, "row_count": 19, "value": 19}], "data_id": [{"group": 1451, "row_count": 19, "value": 15}, {"group": 362, "row_count": 19, "value": 2}, {"group": 725, "row_count": 19, "value": 1}, {"group": 1088, "row_count": 19, "value": 1}], "uniform": [{"group": 0, "row_count": 19, "value": 19}], "degree": [{"group": 41, "row_count": 19, "value": 19}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 41}, "size": 19, "degree": 41}, {"id": 826, "name": 826, "tooltip": "826 (size: 21)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 9 | \n
\n \n bottle | \n 5 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [77, 78, 79, 80, 81, 82, 83, 84, 115, 126, 221, 339, 886, 887, 911, 956, 957, 958, 959, 990, 1231], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 21}, {"label": "scissors", "group": 1, "value": 2, "row_count": 21}, {"label": "face", "group": 2, "value": 0, "row_count": 21}, {"label": "cat", "group": 3, "value": 1, "row_count": 21}, {"label": "shoe", "group": 4, "value": 0, "row_count": 21}, {"label": "house", "group": 5, "value": 0, "row_count": 21}, {"label": "scrambledpix", "group": 6, "value": 9, "row_count": 21}, {"label": "bottle", "group": 7, "value": 5, "row_count": 21}, {"label": "chair", "group": 8, "value": 1, "row_count": 21}], "rest": [{"group": 0, "row_count": 21, "value": 18}, {"group": 1, "row_count": 21, "value": 3}], "scissors": [{"group": 0, "row_count": 21, "value": 19}, {"group": 1, "row_count": 21, "value": 2}], "face": [{"group": 0, "row_count": 21, "value": 21}], "cat": [{"group": 0, "row_count": 21, "value": 20}, {"group": 1, "row_count": 21, "value": 1}], "shoe": [{"group": 0, "row_count": 21, "value": 21}], "house": [{"group": 0, "row_count": 21, "value": 21}], "scrambledpix": [{"group": 0, "row_count": 21, "value": 12}, {"group": 1, "row_count": 21, "value": 9}], "bottle": [{"group": 0, "row_count": 21, "value": 16}, {"group": 1, "row_count": 21, "value": 5}], "chair": [{"group": 0, "row_count": 21, "value": 20}, {"group": 1, "row_count": 21, "value": 1}], "data_id": [{"group": 1451, "row_count": 21, "value": 16}, {"group": 362, "row_count": 21, "value": 3}, {"group": 725, "row_count": 21, "value": 2}], "uniform": [{"group": 0, "row_count": 21, "value": 21}], "degree": [{"group": 42, "row_count": 21, "value": 21}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 42}, "size": 21, "degree": 42}, {"id": 827, "name": 827, "tooltip": "827 (size: 8)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 6 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [76, 77, 78, 79, 80, 81, 82, 83], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 8}, {"label": "scissors", "group": 1, "value": 0, "row_count": 8}, {"label": "face", "group": 2, "value": 0, "row_count": 8}, {"label": "cat", "group": 3, "value": 0, "row_count": 8}, {"label": "shoe", "group": 4, "value": 0, "row_count": 8}, {"label": "house", "group": 5, "value": 0, "row_count": 8}, {"label": "scrambledpix", "group": 6, "value": 6, "row_count": 8}, {"label": "bottle", "group": 7, "value": 0, "row_count": 8}, {"label": "chair", "group": 8, "value": 0, "row_count": 8}], "rest": [{"group": 0, "row_count": 8, "value": 6}, {"group": 1, "row_count": 8, "value": 2}], "scissors": [{"group": 0, "row_count": 8, "value": 8}], "face": [{"group": 0, "row_count": 8, "value": 8}], "cat": [{"group": 0, "row_count": 8, "value": 8}], "shoe": [{"group": 0, "row_count": 8, "value": 8}], "house": [{"group": 0, "row_count": 8, "value": 8}], "scrambledpix": [{"group": 1, "row_count": 8, "value": 6}, {"group": 0, "row_count": 8, "value": 2}], "bottle": [{"group": 0, "row_count": 8, "value": 8}], "chair": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 1451, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 17, "row_count": 8, "value": 8}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 17}, "size": 8, "degree": 17}, {"id": 828, "name": 828, "tooltip": "828 (size: 12)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 7 | \n
\n \n bottle | \n 3 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [76, 77, 78, 79, 80, 81, 82, 83, 84, 957, 958, 959], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 12}, {"label": "scissors", "group": 1, "value": 0, "row_count": 12}, {"label": "face", "group": 2, "value": 0, "row_count": 12}, {"label": "cat", "group": 3, "value": 0, "row_count": 12}, {"label": "shoe", "group": 4, "value": 0, "row_count": 12}, {"label": "house", "group": 5, "value": 0, "row_count": 12}, {"label": "scrambledpix", "group": 6, "value": 7, "row_count": 12}, {"label": "bottle", "group": 7, "value": 3, "row_count": 12}, {"label": "chair", "group": 8, "value": 0, "row_count": 12}], "rest": [{"group": 0, "row_count": 12, "value": 10}, {"group": 1, "row_count": 12, "value": 2}], "scissors": [{"group": 0, "row_count": 12, "value": 12}], "face": [{"group": 0, "row_count": 12, "value": 12}], "cat": [{"group": 0, "row_count": 12, "value": 12}], "shoe": [{"group": 0, "row_count": 12, "value": 12}], "house": [{"group": 0, "row_count": 12, "value": 12}], "scrambledpix": [{"group": 1, "row_count": 12, "value": 7}, {"group": 0, "row_count": 12, "value": 5}], "bottle": [{"group": 0, "row_count": 12, "value": 9}, {"group": 1, "row_count": 12, "value": 3}], "chair": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 1451, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 27, "row_count": 12, "value": 12}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 27}, "size": 12, "degree": 27}, {"id": 829, "name": 829, "tooltip": "829 (size: 8)
\n \n \n rest | \n 7 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [75, 76, 77, 78, 359, 437, 438, 439], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 7, "row_count": 8}, {"label": "scissors", "group": 1, "value": 0, "row_count": 8}, {"label": "face", "group": 2, "value": 0, "row_count": 8}, {"label": "cat", "group": 3, "value": 0, "row_count": 8}, {"label": "shoe", "group": 4, "value": 0, "row_count": 8}, {"label": "house", "group": 5, "value": 0, "row_count": 8}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 8}, {"label": "bottle", "group": 7, "value": 0, "row_count": 8}, {"label": "chair", "group": 8, "value": 0, "row_count": 8}], "rest": [{"group": 1, "row_count": 8, "value": 7}, {"group": 0, "row_count": 8, "value": 1}], "scissors": [{"group": 0, "row_count": 8, "value": 8}], "face": [{"group": 0, "row_count": 8, "value": 8}], "cat": [{"group": 0, "row_count": 8, "value": 8}], "shoe": [{"group": 0, "row_count": 8, "value": 8}], "house": [{"group": 0, "row_count": 8, "value": 8}], "scrambledpix": [{"group": 0, "row_count": 8, "value": 7}, {"group": 1, "row_count": 8, "value": 1}], "bottle": [{"group": 0, "row_count": 8, "value": 8}], "chair": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 1451, "row_count": 8, "value": 4}, {"group": 1088, "row_count": 8, "value": 4}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 21, "row_count": 8, "value": 8}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 21}, "size": 8, "degree": 21}, {"id": 830, "name": 830, "tooltip": "830 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [74], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 831, "name": 831, "tooltip": "831 (size: 7)
\n \n \n rest | \n 7 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [74, 574, 1086, 1087, 1088, 1300, 1301], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 7, "row_count": 7}, {"label": "scissors", "group": 1, "value": 0, "row_count": 7}, {"label": "face", "group": 2, "value": 0, "row_count": 7}, {"label": "cat", "group": 3, "value": 0, "row_count": 7}, {"label": "shoe", "group": 4, "value": 0, "row_count": 7}, {"label": "house", "group": 5, "value": 0, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 7}, {"label": "bottle", "group": 7, "value": 0, "row_count": 7}, {"label": "chair", "group": 8, "value": 0, "row_count": 7}], "rest": [{"group": 1, "row_count": 7, "value": 7}], "scissors": [{"group": 0, "row_count": 7, "value": 7}], "face": [{"group": 0, "row_count": 7, "value": 7}], "cat": [{"group": 0, "row_count": 7, "value": 7}], "shoe": [{"group": 0, "row_count": 7, "value": 7}], "house": [{"group": 0, "row_count": 7, "value": 7}], "scrambledpix": [{"group": 0, "row_count": 7, "value": 7}], "bottle": [{"group": 0, "row_count": 7, "value": 7}], "chair": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 362, "row_count": 7, "value": 5}, {"group": 1451, "row_count": 7, "value": 1}, {"group": 1088, "row_count": 7, "value": 1}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 7, "row_count": 7, "value": 7}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 7}, "size": 7, "degree": 7}, {"id": 832, "name": 832, "tooltip": "832 (size: 11)
\n \n \n rest | \n 11 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [74, 574, 727, 984, 1088, 1089, 1090, 1091, 1269, 1378, 1379], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 11, "row_count": 11}, {"label": "scissors", "group": 1, "value": 0, "row_count": 11}, {"label": "face", "group": 2, "value": 0, "row_count": 11}, {"label": "cat", "group": 3, "value": 0, "row_count": 11}, {"label": "shoe", "group": 4, "value": 0, "row_count": 11}, {"label": "house", "group": 5, "value": 0, "row_count": 11}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 11}, {"label": "bottle", "group": 7, "value": 0, "row_count": 11}, {"label": "chair", "group": 8, "value": 0, "row_count": 11}], "rest": [{"group": 1, "row_count": 11, "value": 11}], "scissors": [{"group": 0, "row_count": 11, "value": 11}], "face": [{"group": 0, "row_count": 11, "value": 11}], "cat": [{"group": 0, "row_count": 11, "value": 11}], "shoe": [{"group": 0, "row_count": 11, "value": 11}], "house": [{"group": 0, "row_count": 11, "value": 11}], "scrambledpix": [{"group": 0, "row_count": 11, "value": 11}], "bottle": [{"group": 0, "row_count": 11, "value": 11}], "chair": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 362, "row_count": 11, "value": 5}, {"group": 1451, "row_count": 11, "value": 3}, {"group": 725, "row_count": 11, "value": 2}, {"group": 1088, "row_count": 11, "value": 1}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 21, "row_count": 11, "value": 11}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 21}, "size": 11, "degree": 21}, {"id": 833, "name": 833, "tooltip": "833 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [73], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 834, "name": 834, "tooltip": "834 (size: 9)
\n \n \n rest | \n 9 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [73, 74, 574, 922, 1087, 1088, 1089, 1090, 1091], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 9, "row_count": 9}, {"label": "scissors", "group": 1, "value": 0, "row_count": 9}, {"label": "face", "group": 2, "value": 0, "row_count": 9}, {"label": "cat", "group": 3, "value": 0, "row_count": 9}, {"label": "shoe", "group": 4, "value": 0, "row_count": 9}, {"label": "house", "group": 5, "value": 0, "row_count": 9}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 9}, {"label": "bottle", "group": 7, "value": 0, "row_count": 9}, {"label": "chair", "group": 8, "value": 0, "row_count": 9}], "rest": [{"group": 1, "row_count": 9, "value": 9}], "scissors": [{"group": 0, "row_count": 9, "value": 9}], "face": [{"group": 0, "row_count": 9, "value": 9}], "cat": [{"group": 0, "row_count": 9, "value": 9}], "shoe": [{"group": 0, "row_count": 9, "value": 9}], "house": [{"group": 0, "row_count": 9, "value": 9}], "scrambledpix": [{"group": 0, "row_count": 9, "value": 9}], "bottle": [{"group": 0, "row_count": 9, "value": 9}], "chair": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 362, "row_count": 9, "value": 5}, {"group": 1451, "row_count": 9, "value": 3}, {"group": 1088, "row_count": 9, "value": 1}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 10, "row_count": 9, "value": 9}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 10}, "size": 9, "degree": 10}, {"id": 835, "name": 835, "tooltip": "835 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [72], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1451, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 836, "name": 836, "tooltip": "836 (size: 12)
\n \n \n rest | \n 6 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 3 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [72, 561, 611, 811, 895, 896, 897, 968, 1215, 1239, 1240, 1264], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 6, "row_count": 12}, {"label": "scissors", "group": 1, "value": 0, "row_count": 12}, {"label": "face", "group": 2, "value": 0, "row_count": 12}, {"label": "cat", "group": 3, "value": 1, "row_count": 12}, {"label": "shoe", "group": 4, "value": 3, "row_count": 12}, {"label": "house", "group": 5, "value": 0, "row_count": 12}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 12}, {"label": "bottle", "group": 7, "value": 1, "row_count": 12}, {"label": "chair", "group": 8, "value": 0, "row_count": 12}], "rest": [{"group": 1, "row_count": 12, "value": 6}, {"group": 0, "row_count": 12, "value": 6}], "scissors": [{"group": 0, "row_count": 12, "value": 12}], "face": [{"group": 0, "row_count": 12, "value": 12}], "cat": [{"group": 0, "row_count": 12, "value": 11}, {"group": 1, "row_count": 12, "value": 1}], "shoe": [{"group": 0, "row_count": 12, "value": 9}, {"group": 1, "row_count": 12, "value": 3}], "house": [{"group": 0, "row_count": 12, "value": 12}], "scrambledpix": [{"group": 0, "row_count": 12, "value": 11}, {"group": 1, "row_count": 12, "value": 1}], "bottle": [{"group": 0, "row_count": 12, "value": 11}, {"group": 1, "row_count": 12, "value": 1}], "chair": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 1451, "row_count": 12, "value": 6}, {"group": 362, "row_count": 12, "value": 4}, {"group": 1088, "row_count": 12, "value": 2}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 22, "row_count": 12, "value": 12}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 22}, "size": 12, "degree": 22}, {"id": 837, "name": 837, "tooltip": "837 (size: 9)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 3 | \n
\n \n face | \n 3 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [72, 162, 163, 164, 285, 341, 498, 702, 703], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 9}, {"label": "scissors", "group": 1, "value": 3, "row_count": 9}, {"label": "face", "group": 2, "value": 3, "row_count": 9}, {"label": "cat", "group": 3, "value": 1, "row_count": 9}, {"label": "shoe", "group": 4, "value": 0, "row_count": 9}, {"label": "house", "group": 5, "value": 0, "row_count": 9}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 9}, {"label": "bottle", "group": 7, "value": 1, "row_count": 9}, {"label": "chair", "group": 8, "value": 0, "row_count": 9}], "rest": [{"group": 0, "row_count": 9, "value": 8}, {"group": 1, "row_count": 9, "value": 1}], "scissors": [{"group": 0, "row_count": 9, "value": 6}, {"group": 1, "row_count": 9, "value": 3}], "face": [{"group": 0, "row_count": 9, "value": 6}, {"group": 1, "row_count": 9, "value": 3}], "cat": [{"group": 0, "row_count": 9, "value": 8}, {"group": 1, "row_count": 9, "value": 1}], "shoe": [{"group": 0, "row_count": 9, "value": 9}], "house": [{"group": 0, "row_count": 9, "value": 9}], "scrambledpix": [{"group": 0, "row_count": 9, "value": 9}], "bottle": [{"group": 0, "row_count": 9, "value": 8}, {"group": 1, "row_count": 9, "value": 1}], "chair": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 725, "row_count": 9, "value": 5}, {"group": 1451, "row_count": 9, "value": 3}, {"group": 1088, "row_count": 9, "value": 1}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 22, "row_count": 9, "value": 9}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 22}, "size": 9, "degree": 22}, {"id": 838, "name": 838, "tooltip": "838 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [72, 73, 74], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 11, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 11}, "size": 3, "degree": 11}, {"id": 839, "name": 839, "tooltip": "839 (size: 3)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [71, 72, 73], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 1, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 2}, {"group": 0, "row_count": 3, "value": 1}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1451, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 13, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 13}, "size": 3, "degree": 13}, {"id": 840, "name": 840, "tooltip": "840 (size: 12)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 3 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 6 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [66, 67, 68, 69, 70, 71, 72, 99, 426, 428, 429, 903], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 12}, {"label": "scissors", "group": 1, "value": 0, "row_count": 12}, {"label": "face", "group": 2, "value": 3, "row_count": 12}, {"label": "cat", "group": 3, "value": 0, "row_count": 12}, {"label": "shoe", "group": 4, "value": 1, "row_count": 12}, {"label": "house", "group": 5, "value": 6, "row_count": 12}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 12}, {"label": "bottle", "group": 7, "value": 1, "row_count": 12}, {"label": "chair", "group": 8, "value": 0, "row_count": 12}], "rest": [{"group": 0, "row_count": 12, "value": 11}, {"group": 1, "row_count": 12, "value": 1}], "scissors": [{"group": 0, "row_count": 12, "value": 12}], "face": [{"group": 0, "row_count": 12, "value": 9}, {"group": 1, "row_count": 12, "value": 3}], "cat": [{"group": 0, "row_count": 12, "value": 12}], "shoe": [{"group": 0, "row_count": 12, "value": 11}, {"group": 1, "row_count": 12, "value": 1}], "house": [{"group": 1, "row_count": 12, "value": 6}, {"group": 0, "row_count": 12, "value": 6}], "scrambledpix": [{"group": 0, "row_count": 12, "value": 12}], "bottle": [{"group": 0, "row_count": 12, "value": 11}, {"group": 1, "row_count": 12, "value": 1}], "chair": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 1451, "row_count": 12, "value": 7}, {"group": 1088, "row_count": 12, "value": 5}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 24, "row_count": 12, "value": 12}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 24}, "size": 12, "degree": 24}, {"id": 841, "name": 841, "tooltip": "841 (size: 7)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 7 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [64, 65, 66, 67, 68, 69, 70], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 7}, {"label": "scissors", "group": 1, "value": 0, "row_count": 7}, {"label": "face", "group": 2, "value": 0, "row_count": 7}, {"label": "cat", "group": 3, "value": 0, "row_count": 7}, {"label": "shoe", "group": 4, "value": 0, "row_count": 7}, {"label": "house", "group": 5, "value": 7, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 7}, {"label": "bottle", "group": 7, "value": 0, "row_count": 7}, {"label": "chair", "group": 8, "value": 0, "row_count": 7}], "rest": [{"group": 0, "row_count": 7, "value": 7}], "scissors": [{"group": 0, "row_count": 7, "value": 7}], "face": [{"group": 0, "row_count": 7, "value": 7}], "cat": [{"group": 0, "row_count": 7, "value": 7}], "shoe": [{"group": 0, "row_count": 7, "value": 7}], "house": [{"group": 1, "row_count": 7, "value": 7}], "scrambledpix": [{"group": 0, "row_count": 7, "value": 7}], "bottle": [{"group": 0, "row_count": 7, "value": 7}], "chair": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 1088, "row_count": 7, "value": 4}, {"group": 1451, "row_count": 7, "value": 3}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 11, "row_count": 7, "value": 7}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 11}, "size": 7, "degree": 11}, {"id": 842, "name": 842, "tooltip": "842 (size: 8)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 8 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [64, 65, 66, 67, 68, 69, 70, 71], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 8}, {"label": "scissors", "group": 1, "value": 0, "row_count": 8}, {"label": "face", "group": 2, "value": 0, "row_count": 8}, {"label": "cat", "group": 3, "value": 0, "row_count": 8}, {"label": "shoe", "group": 4, "value": 0, "row_count": 8}, {"label": "house", "group": 5, "value": 8, "row_count": 8}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 8}, {"label": "bottle", "group": 7, "value": 0, "row_count": 8}, {"label": "chair", "group": 8, "value": 0, "row_count": 8}], "rest": [{"group": 0, "row_count": 8, "value": 8}], "scissors": [{"group": 0, "row_count": 8, "value": 8}], "face": [{"group": 0, "row_count": 8, "value": 8}], "cat": [{"group": 0, "row_count": 8, "value": 8}], "shoe": [{"group": 0, "row_count": 8, "value": 8}], "house": [{"group": 1, "row_count": 8, "value": 8}], "scrambledpix": [{"group": 0, "row_count": 8, "value": 8}], "bottle": [{"group": 0, "row_count": 8, "value": 8}], "chair": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 1088, "row_count": 8, "value": 4}, {"group": 1451, "row_count": 8, "value": 4}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 12, "row_count": 8, "value": 8}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 12}, "size": 8, "degree": 12}, {"id": 843, "name": 843, "tooltip": "843 (size: 20)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 4 | \n
\n \n house | \n 8 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 5 | \n
\n \n
", "members": [64, 65, 66, 67, 68, 69, 70, 71, 107, 108, 109, 110, 135, 176, 372, 373, 374, 427, 615, 655], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 20}, {"label": "scissors", "group": 1, "value": 0, "row_count": 20}, {"label": "face", "group": 2, "value": 2, "row_count": 20}, {"label": "cat", "group": 3, "value": 1, "row_count": 20}, {"label": "shoe", "group": 4, "value": 4, "row_count": 20}, {"label": "house", "group": 5, "value": 8, "row_count": 20}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 20}, {"label": "bottle", "group": 7, "value": 0, "row_count": 20}, {"label": "chair", "group": 8, "value": 5, "row_count": 20}], "rest": [{"group": 0, "row_count": 20, "value": 20}], "scissors": [{"group": 0, "row_count": 20, "value": 20}], "face": [{"group": 0, "row_count": 20, "value": 18}, {"group": 1, "row_count": 20, "value": 2}], "cat": [{"group": 0, "row_count": 20, "value": 19}, {"group": 1, "row_count": 20, "value": 1}], "shoe": [{"group": 0, "row_count": 20, "value": 16}, {"group": 1, "row_count": 20, "value": 4}], "house": [{"group": 0, "row_count": 20, "value": 12}, {"group": 1, "row_count": 20, "value": 8}], "scrambledpix": [{"group": 0, "row_count": 20, "value": 20}], "bottle": [{"group": 0, "row_count": 20, "value": 20}], "chair": [{"group": 0, "row_count": 20, "value": 15}, {"group": 1, "row_count": 20, "value": 5}], "data_id": [{"group": 1088, "row_count": 20, "value": 10}, {"group": 1451, "row_count": 20, "value": 4}, {"group": 362, "row_count": 20, "value": 4}, {"group": 725, "row_count": 20, "value": 2}], "uniform": [{"group": 0, "row_count": 20, "value": 20}], "degree": [{"group": 36, "row_count": 20, "value": 20}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 36}, "size": 20, "degree": 36}, {"id": 844, "name": 844, "tooltip": "844 (size: 21)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 5 | \n
\n \n house | \n 8 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 5 | \n
\n \n
", "members": [64, 65, 66, 67, 68, 69, 70, 71, 107, 108, 109, 110, 135, 176, 371, 372, 373, 374, 427, 615, 655], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 21}, {"label": "scissors", "group": 1, "value": 0, "row_count": 21}, {"label": "face", "group": 2, "value": 2, "row_count": 21}, {"label": "cat", "group": 3, "value": 1, "row_count": 21}, {"label": "shoe", "group": 4, "value": 5, "row_count": 21}, {"label": "house", "group": 5, "value": 8, "row_count": 21}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 21}, {"label": "bottle", "group": 7, "value": 0, "row_count": 21}, {"label": "chair", "group": 8, "value": 5, "row_count": 21}], "rest": [{"group": 0, "row_count": 21, "value": 21}], "scissors": [{"group": 0, "row_count": 21, "value": 21}], "face": [{"group": 0, "row_count": 21, "value": 19}, {"group": 1, "row_count": 21, "value": 2}], "cat": [{"group": 0, "row_count": 21, "value": 20}, {"group": 1, "row_count": 21, "value": 1}], "shoe": [{"group": 0, "row_count": 21, "value": 16}, {"group": 1, "row_count": 21, "value": 5}], "house": [{"group": 0, "row_count": 21, "value": 13}, {"group": 1, "row_count": 21, "value": 8}], "scrambledpix": [{"group": 0, "row_count": 21, "value": 21}], "bottle": [{"group": 0, "row_count": 21, "value": 21}], "chair": [{"group": 0, "row_count": 21, "value": 16}, {"group": 1, "row_count": 21, "value": 5}], "data_id": [{"group": 1088, "row_count": 21, "value": 11}, {"group": 1451, "row_count": 21, "value": 4}, {"group": 362, "row_count": 21, "value": 4}, {"group": 725, "row_count": 21, "value": 2}], "uniform": [{"group": 0, "row_count": 21, "value": 21}], "degree": [{"group": 36, "row_count": 21, "value": 21}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 36}, "size": 21, "degree": 36}, {"id": 845, "name": 845, "tooltip": "845 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [63], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 1, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 1, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 846, "name": 846, "tooltip": "846 (size: 8)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 2 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [63, 319, 533, 547, 590, 760, 761, 762], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 8}, {"label": "scissors", "group": 1, "value": 1, "row_count": 8}, {"label": "face", "group": 2, "value": 0, "row_count": 8}, {"label": "cat", "group": 3, "value": 0, "row_count": 8}, {"label": "shoe", "group": 4, "value": 0, "row_count": 8}, {"label": "house", "group": 5, "value": 1, "row_count": 8}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 8}, {"label": "bottle", "group": 7, "value": 2, "row_count": 8}, {"label": "chair", "group": 8, "value": 1, "row_count": 8}], "rest": [{"group": 0, "row_count": 8, "value": 6}, {"group": 1, "row_count": 8, "value": 2}], "scissors": [{"group": 0, "row_count": 8, "value": 7}, {"group": 1, "row_count": 8, "value": 1}], "face": [{"group": 0, "row_count": 8, "value": 8}], "cat": [{"group": 0, "row_count": 8, "value": 8}], "shoe": [{"group": 0, "row_count": 8, "value": 8}], "house": [{"group": 0, "row_count": 8, "value": 7}, {"group": 1, "row_count": 8, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 8, "value": 7}, {"group": 1, "row_count": 8, "value": 1}], "bottle": [{"group": 0, "row_count": 8, "value": 6}, {"group": 1, "row_count": 8, "value": 2}], "chair": [{"group": 0, "row_count": 8, "value": 7}, {"group": 1, "row_count": 8, "value": 1}], "data_id": [{"group": 1088, "row_count": 8, "value": 4}, {"group": 1451, "row_count": 8, "value": 3}, {"group": 725, "row_count": 8, "value": 1}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 16, "row_count": 8, "value": 8}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 16}, "size": 8, "degree": 16}, {"id": 847, "name": 847, "tooltip": "847 (size: 4)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [63, 290, 924, 1287], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 1, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 1, "row_count": 4, "value": 3}, {"group": 0, "row_count": 4, "value": 1}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 3}, {"group": 1, "row_count": 4, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1088, "row_count": 4, "value": 1}, {"group": 725, "row_count": 4, "value": 1}, {"group": 1451, "row_count": 4, "value": 1}, {"group": 362, "row_count": 4, "value": 1}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 6, "row_count": 4, "value": 4}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 6}, "size": 4, "degree": 6}, {"id": 848, "name": 848, "tooltip": "848 (size: 10)
\n \n \n rest | \n 6 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 2 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [63, 105, 262, 290, 319, 347, 504, 576, 590, 761], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 6, "row_count": 10}, {"label": "scissors", "group": 1, "value": 0, "row_count": 10}, {"label": "face", "group": 2, "value": 0, "row_count": 10}, {"label": "cat", "group": 3, "value": 0, "row_count": 10}, {"label": "shoe", "group": 4, "value": 0, "row_count": 10}, {"label": "house", "group": 5, "value": 2, "row_count": 10}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 10}, {"label": "bottle", "group": 7, "value": 1, "row_count": 10}, {"label": "chair", "group": 8, "value": 0, "row_count": 10}], "rest": [{"group": 1, "row_count": 10, "value": 6}, {"group": 0, "row_count": 10, "value": 4}], "scissors": [{"group": 0, "row_count": 10, "value": 10}], "face": [{"group": 0, "row_count": 10, "value": 10}], "cat": [{"group": 0, "row_count": 10, "value": 10}], "shoe": [{"group": 0, "row_count": 10, "value": 10}], "house": [{"group": 0, "row_count": 10, "value": 8}, {"group": 1, "row_count": 10, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 10, "value": 9}, {"group": 1, "row_count": 10, "value": 1}], "bottle": [{"group": 0, "row_count": 10, "value": 9}, {"group": 1, "row_count": 10, "value": 1}], "chair": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 1088, "row_count": 10, "value": 5}, {"group": 725, "row_count": 10, "value": 3}, {"group": 362, "row_count": 10, "value": 1}, {"group": 1451, "row_count": 10, "value": 1}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 15, "row_count": 10, "value": 10}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 15}, "size": 10, "degree": 15}, {"id": 849, "name": 849, "tooltip": "849 (size: 7)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [63, 72, 240, 503, 504, 505, 590], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 7}, {"label": "scissors", "group": 1, "value": 0, "row_count": 7}, {"label": "face", "group": 2, "value": 0, "row_count": 7}, {"label": "cat", "group": 3, "value": 1, "row_count": 7}, {"label": "shoe", "group": 4, "value": 0, "row_count": 7}, {"label": "house", "group": 5, "value": 1, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 7}, {"label": "bottle", "group": 7, "value": 0, "row_count": 7}, {"label": "chair", "group": 8, "value": 0, "row_count": 7}], "rest": [{"group": 1, "row_count": 7, "value": 4}, {"group": 0, "row_count": 7, "value": 3}], "scissors": [{"group": 0, "row_count": 7, "value": 7}], "face": [{"group": 0, "row_count": 7, "value": 7}], "cat": [{"group": 0, "row_count": 7, "value": 6}, {"group": 1, "row_count": 7, "value": 1}], "shoe": [{"group": 0, "row_count": 7, "value": 7}], "house": [{"group": 0, "row_count": 7, "value": 6}, {"group": 1, "row_count": 7, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 7, "value": 6}, {"group": 1, "row_count": 7, "value": 1}], "bottle": [{"group": 0, "row_count": 7, "value": 7}], "chair": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 1088, "row_count": 7, "value": 5}, {"group": 1451, "row_count": 7, "value": 1}, {"group": 725, "row_count": 7, "value": 1}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 19, "row_count": 7, "value": 7}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 19}, "size": 7, "degree": 19}, {"id": 850, "name": 850, "tooltip": "850 (size: 6)
\n \n \n rest | \n 6 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [62, 316, 317, 318, 319, 1122], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 6, "row_count": 6}, {"label": "scissors", "group": 1, "value": 0, "row_count": 6}, {"label": "face", "group": 2, "value": 0, "row_count": 6}, {"label": "cat", "group": 3, "value": 0, "row_count": 6}, {"label": "shoe", "group": 4, "value": 0, "row_count": 6}, {"label": "house", "group": 5, "value": 0, "row_count": 6}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 6}, {"label": "bottle", "group": 7, "value": 0, "row_count": 6}, {"label": "chair", "group": 8, "value": 0, "row_count": 6}], "rest": [{"group": 1, "row_count": 6, "value": 6}], "scissors": [{"group": 0, "row_count": 6, "value": 6}], "face": [{"group": 0, "row_count": 6, "value": 6}], "cat": [{"group": 0, "row_count": 6, "value": 6}], "shoe": [{"group": 0, "row_count": 6, "value": 6}], "house": [{"group": 0, "row_count": 6, "value": 6}], "scrambledpix": [{"group": 0, "row_count": 6, "value": 6}], "bottle": [{"group": 0, "row_count": 6, "value": 6}], "chair": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 725, "row_count": 6, "value": 4}, {"group": 1088, "row_count": 6, "value": 1}, {"group": 362, "row_count": 6, "value": 1}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 12, "row_count": 6, "value": 6}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 12}, "size": 6, "degree": 12}, {"id": 851, "name": 851, "tooltip": "851 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [60, 61, 62], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 9, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 9}, "size": 3, "degree": 9}, {"id": 852, "name": 852, "tooltip": "852 (size: 28)
\n \n \n rest | \n 28 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [59, 60, 152, 153, 272, 273, 274, 287, 288, 379, 380, 394, 395, 396, 586, 587, 588, 623, 743, 984, 985, 1106, 1283, 1284, 1285, 1286, 1363, 1364], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 28, "row_count": 28}, {"label": "scissors", "group": 1, "value": 0, "row_count": 28}, {"label": "face", "group": 2, "value": 0, "row_count": 28}, {"label": "cat", "group": 3, "value": 0, "row_count": 28}, {"label": "shoe", "group": 4, "value": 0, "row_count": 28}, {"label": "house", "group": 5, "value": 0, "row_count": 28}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 28}, {"label": "bottle", "group": 7, "value": 0, "row_count": 28}, {"label": "chair", "group": 8, "value": 0, "row_count": 28}], "rest": [{"group": 1, "row_count": 28, "value": 28}], "scissors": [{"group": 0, "row_count": 28, "value": 28}], "face": [{"group": 0, "row_count": 28, "value": 28}], "cat": [{"group": 0, "row_count": 28, "value": 28}], "shoe": [{"group": 0, "row_count": 28, "value": 28}], "house": [{"group": 0, "row_count": 28, "value": 28}], "scrambledpix": [{"group": 0, "row_count": 28, "value": 28}], "bottle": [{"group": 0, "row_count": 28, "value": 28}], "chair": [{"group": 0, "row_count": 28, "value": 28}], "data_id": [{"group": 1088, "row_count": 28, "value": 11}, {"group": 725, "row_count": 28, "value": 9}, {"group": 362, "row_count": 28, "value": 5}, {"group": 1451, "row_count": 28, "value": 3}], "uniform": [{"group": 0, "row_count": 28, "value": 28}], "degree": [{"group": 33, "row_count": 28, "value": 28}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 33}, "size": 28, "degree": 33}, {"id": 853, "name": 853, "tooltip": "853 (size: 20)
\n \n \n rest | \n 20 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [59, 60, 116, 117, 118, 196, 208, 272, 273, 274, 344, 345, 380, 395, 622, 623, 799, 1285, 1286, 1364], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 20, "row_count": 20}, {"label": "scissors", "group": 1, "value": 0, "row_count": 20}, {"label": "face", "group": 2, "value": 0, "row_count": 20}, {"label": "cat", "group": 3, "value": 0, "row_count": 20}, {"label": "shoe", "group": 4, "value": 0, "row_count": 20}, {"label": "house", "group": 5, "value": 0, "row_count": 20}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 20}, {"label": "bottle", "group": 7, "value": 0, "row_count": 20}, {"label": "chair", "group": 8, "value": 0, "row_count": 20}], "rest": [{"group": 1, "row_count": 20, "value": 20}], "scissors": [{"group": 0, "row_count": 20, "value": 20}], "face": [{"group": 0, "row_count": 20, "value": 20}], "cat": [{"group": 0, "row_count": 20, "value": 20}], "shoe": [{"group": 0, "row_count": 20, "value": 20}], "house": [{"group": 0, "row_count": 20, "value": 20}], "scrambledpix": [{"group": 0, "row_count": 20, "value": 20}], "bottle": [{"group": 0, "row_count": 20, "value": 20}], "chair": [{"group": 0, "row_count": 20, "value": 20}], "data_id": [{"group": 1088, "row_count": 20, "value": 7}, {"group": 725, "row_count": 20, "value": 7}, {"group": 362, "row_count": 20, "value": 5}, {"group": 1451, "row_count": 20, "value": 1}], "uniform": [{"group": 0, "row_count": 20, "value": 20}], "degree": [{"group": 29, "row_count": 20, "value": 20}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 29}, "size": 20, "degree": 29}, {"id": 854, "name": 854, "tooltip": "854 (size: 25)
\n \n \n rest | \n 25 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [59, 60, 102, 103, 104, 153, 180, 181, 208, 209, 210, 272, 273, 274, 275, 344, 345, 394, 395, 396, 799, 800, 829, 1419, 1420], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 25, "row_count": 25}, {"label": "scissors", "group": 1, "value": 0, "row_count": 25}, {"label": "face", "group": 2, "value": 0, "row_count": 25}, {"label": "cat", "group": 3, "value": 0, "row_count": 25}, {"label": "shoe", "group": 4, "value": 0, "row_count": 25}, {"label": "house", "group": 5, "value": 0, "row_count": 25}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 25}, {"label": "bottle", "group": 7, "value": 0, "row_count": 25}, {"label": "chair", "group": 8, "value": 0, "row_count": 25}], "rest": [{"group": 1, "row_count": 25, "value": 25}], "scissors": [{"group": 0, "row_count": 25, "value": 25}], "face": [{"group": 0, "row_count": 25, "value": 25}], "cat": [{"group": 0, "row_count": 25, "value": 25}], "shoe": [{"group": 0, "row_count": 25, "value": 25}], "house": [{"group": 0, "row_count": 25, "value": 25}], "scrambledpix": [{"group": 0, "row_count": 25, "value": 25}], "bottle": [{"group": 0, "row_count": 25, "value": 25}], "chair": [{"group": 0, "row_count": 25, "value": 25}], "data_id": [{"group": 725, "row_count": 25, "value": 13}, {"group": 1088, "row_count": 25, "value": 6}, {"group": 362, "row_count": 25, "value": 3}, {"group": 1451, "row_count": 25, "value": 3}], "uniform": [{"group": 0, "row_count": 25, "value": 25}], "degree": [{"group": 30, "row_count": 25, "value": 25}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 30}, "size": 25, "degree": 30}, {"id": 855, "name": 855, "tooltip": "855 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [58, 59], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 7, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 7}, "size": 2, "degree": 7}, {"id": 856, "name": 856, "tooltip": "856 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [57], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 857, "name": 857, "tooltip": "857 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [54], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 858, "name": 858, "tooltip": "858 (size: 12)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 5 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 4 | \n
\n \n chair | \n 3 | \n
\n \n
", "members": [54, 56, 185, 186, 187, 218, 219, 805, 806, 954, 1140, 1367], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 12}, {"label": "scissors", "group": 1, "value": 0, "row_count": 12}, {"label": "face", "group": 2, "value": 0, "row_count": 12}, {"label": "cat", "group": 3, "value": 0, "row_count": 12}, {"label": "shoe", "group": 4, "value": 5, "row_count": 12}, {"label": "house", "group": 5, "value": 0, "row_count": 12}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 12}, {"label": "bottle", "group": 7, "value": 4, "row_count": 12}, {"label": "chair", "group": 8, "value": 3, "row_count": 12}], "rest": [{"group": 0, "row_count": 12, "value": 12}], "scissors": [{"group": 0, "row_count": 12, "value": 12}], "face": [{"group": 0, "row_count": 12, "value": 12}], "cat": [{"group": 0, "row_count": 12, "value": 12}], "shoe": [{"group": 0, "row_count": 12, "value": 7}, {"group": 1, "row_count": 12, "value": 5}], "house": [{"group": 0, "row_count": 12, "value": 12}], "scrambledpix": [{"group": 0, "row_count": 12, "value": 12}], "bottle": [{"group": 0, "row_count": 12, "value": 8}, {"group": 1, "row_count": 12, "value": 4}], "chair": [{"group": 0, "row_count": 12, "value": 9}, {"group": 1, "row_count": 12, "value": 3}], "data_id": [{"group": 725, "row_count": 12, "value": 6}, {"group": 1451, "row_count": 12, "value": 3}, {"group": 1088, "row_count": 12, "value": 2}, {"group": 362, "row_count": 12, "value": 1}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 17, "row_count": 12, "value": 12}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 17}, "size": 12, "degree": 17}, {"id": 859, "name": 859, "tooltip": "859 (size: 16)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 3 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 8 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 4 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [54, 55, 56, 185, 186, 187, 219, 324, 640, 766, 806, 807, 1037, 1038, 1143, 1409], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 16}, {"label": "scissors", "group": 1, "value": 3, "row_count": 16}, {"label": "face", "group": 2, "value": 0, "row_count": 16}, {"label": "cat", "group": 3, "value": 0, "row_count": 16}, {"label": "shoe", "group": 4, "value": 8, "row_count": 16}, {"label": "house", "group": 5, "value": 0, "row_count": 16}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 16}, {"label": "bottle", "group": 7, "value": 4, "row_count": 16}, {"label": "chair", "group": 8, "value": 1, "row_count": 16}], "rest": [{"group": 0, "row_count": 16, "value": 16}], "scissors": [{"group": 0, "row_count": 16, "value": 13}, {"group": 1, "row_count": 16, "value": 3}], "face": [{"group": 0, "row_count": 16, "value": 16}], "cat": [{"group": 0, "row_count": 16, "value": 16}], "shoe": [{"group": 1, "row_count": 16, "value": 8}, {"group": 0, "row_count": 16, "value": 8}], "house": [{"group": 0, "row_count": 16, "value": 16}], "scrambledpix": [{"group": 0, "row_count": 16, "value": 16}], "bottle": [{"group": 0, "row_count": 16, "value": 12}, {"group": 1, "row_count": 16, "value": 4}], "chair": [{"group": 0, "row_count": 16, "value": 15}, {"group": 1, "row_count": 16, "value": 1}], "data_id": [{"group": 725, "row_count": 16, "value": 6}, {"group": 1088, "row_count": 16, "value": 4}, {"group": 1451, "row_count": 16, "value": 3}, {"group": 362, "row_count": 16, "value": 3}], "uniform": [{"group": 0, "row_count": 16, "value": 16}], "degree": [{"group": 24, "row_count": 16, "value": 16}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 24}, "size": 16, "degree": 24}, {"id": 860, "name": 860, "tooltip": "860 (size: 12)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 5 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 3 | \n
\n \n chair | \n 3 | \n
\n \n
", "members": [53, 54, 55, 56, 185, 186, 219, 1037, 1143, 1265, 1368, 1369], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 12}, {"label": "scissors", "group": 1, "value": 1, "row_count": 12}, {"label": "face", "group": 2, "value": 0, "row_count": 12}, {"label": "cat", "group": 3, "value": 0, "row_count": 12}, {"label": "shoe", "group": 4, "value": 5, "row_count": 12}, {"label": "house", "group": 5, "value": 0, "row_count": 12}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 12}, {"label": "bottle", "group": 7, "value": 3, "row_count": 12}, {"label": "chair", "group": 8, "value": 3, "row_count": 12}], "rest": [{"group": 0, "row_count": 12, "value": 12}], "scissors": [{"group": 0, "row_count": 12, "value": 11}, {"group": 1, "row_count": 12, "value": 1}], "face": [{"group": 0, "row_count": 12, "value": 12}], "cat": [{"group": 0, "row_count": 12, "value": 12}], "shoe": [{"group": 0, "row_count": 12, "value": 7}, {"group": 1, "row_count": 12, "value": 5}], "house": [{"group": 0, "row_count": 12, "value": 12}], "scrambledpix": [{"group": 0, "row_count": 12, "value": 12}], "bottle": [{"group": 0, "row_count": 12, "value": 9}, {"group": 1, "row_count": 12, "value": 3}], "chair": [{"group": 0, "row_count": 12, "value": 9}, {"group": 1, "row_count": 12, "value": 3}], "data_id": [{"group": 725, "row_count": 12, "value": 5}, {"group": 1088, "row_count": 12, "value": 4}, {"group": 362, "row_count": 12, "value": 3}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 23, "row_count": 12, "value": 12}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 23}, "size": 12, "degree": 23}, {"id": 861, "name": 861, "tooltip": "861 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [52], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 862, "name": 862, "tooltip": "862 (size: 27)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 10 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 7 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 8 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [52, 433, 434, 523, 524, 525, 526, 644, 645, 668, 669, 670, 671, 672, 673, 885, 886, 887, 888, 889, 959, 960, 1060, 1145, 1200, 1201, 1202], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 27}, {"label": "scissors", "group": 1, "value": 10, "row_count": 27}, {"label": "face", "group": 2, "value": 2, "row_count": 27}, {"label": "cat", "group": 3, "value": 0, "row_count": 27}, {"label": "shoe", "group": 4, "value": 7, "row_count": 27}, {"label": "house", "group": 5, "value": 0, "row_count": 27}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 27}, {"label": "bottle", "group": 7, "value": 8, "row_count": 27}, {"label": "chair", "group": 8, "value": 0, "row_count": 27}], "rest": [{"group": 0, "row_count": 27, "value": 27}], "scissors": [{"group": 0, "row_count": 27, "value": 17}, {"group": 1, "row_count": 27, "value": 10}], "face": [{"group": 0, "row_count": 27, "value": 25}, {"group": 1, "row_count": 27, "value": 2}], "cat": [{"group": 0, "row_count": 27, "value": 27}], "shoe": [{"group": 0, "row_count": 27, "value": 20}, {"group": 1, "row_count": 27, "value": 7}], "house": [{"group": 0, "row_count": 27, "value": 27}], "scrambledpix": [{"group": 0, "row_count": 27, "value": 27}], "bottle": [{"group": 0, "row_count": 27, "value": 19}, {"group": 1, "row_count": 27, "value": 8}], "chair": [{"group": 0, "row_count": 27, "value": 27}], "data_id": [{"group": 1088, "row_count": 27, "value": 13}, {"group": 1451, "row_count": 27, "value": 9}, {"group": 362, "row_count": 27, "value": 5}], "uniform": [{"group": 0, "row_count": 27, "value": 27}], "degree": [{"group": 33, "row_count": 27, "value": 27}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 33}, "size": 27, "degree": 33}, {"id": 863, "name": 863, "tooltip": "863 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 3 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [52, 53, 54], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 3, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 1, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 11, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 11}, "size": 3, "degree": 11}, {"id": 864, "name": 864, "tooltip": "864 (size: 19)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 14 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 2 | \n
\n \n chair | \n 3 | \n
\n \n
", "members": [51, 52, 53, 220, 401, 402, 521, 522, 523, 524, 525, 526, 670, 763, 1140, 1141, 1144, 1145, 1414], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 19}, {"label": "scissors", "group": 1, "value": 0, "row_count": 19}, {"label": "face", "group": 2, "value": 0, "row_count": 19}, {"label": "cat", "group": 3, "value": 0, "row_count": 19}, {"label": "shoe", "group": 4, "value": 14, "row_count": 19}, {"label": "house", "group": 5, "value": 0, "row_count": 19}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 19}, {"label": "bottle", "group": 7, "value": 2, "row_count": 19}, {"label": "chair", "group": 8, "value": 3, "row_count": 19}], "rest": [{"group": 0, "row_count": 19, "value": 19}], "scissors": [{"group": 0, "row_count": 19, "value": 19}], "face": [{"group": 0, "row_count": 19, "value": 19}], "cat": [{"group": 0, "row_count": 19, "value": 19}], "shoe": [{"group": 1, "row_count": 19, "value": 14}, {"group": 0, "row_count": 19, "value": 5}], "house": [{"group": 0, "row_count": 19, "value": 19}], "scrambledpix": [{"group": 0, "row_count": 19, "value": 19}], "bottle": [{"group": 0, "row_count": 19, "value": 17}, {"group": 1, "row_count": 19, "value": 2}], "chair": [{"group": 0, "row_count": 19, "value": 16}, {"group": 1, "row_count": 19, "value": 3}], "data_id": [{"group": 1088, "row_count": 19, "value": 12}, {"group": 362, "row_count": 19, "value": 4}, {"group": 725, "row_count": 19, "value": 2}, {"group": 1451, "row_count": 19, "value": 1}], "uniform": [{"group": 0, "row_count": 19, "value": 19}], "degree": [{"group": 29, "row_count": 19, "value": 19}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 29}, "size": 19, "degree": 29}, {"id": 865, "name": 865, "tooltip": "865 (size: 9)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 5 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [50, 174, 175, 176, 264, 321, 646, 977, 1438], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 9}, {"label": "scissors", "group": 1, "value": 2, "row_count": 9}, {"label": "face", "group": 2, "value": 1, "row_count": 9}, {"label": "cat", "group": 3, "value": 0, "row_count": 9}, {"label": "shoe", "group": 4, "value": 5, "row_count": 9}, {"label": "house", "group": 5, "value": 0, "row_count": 9}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 9}, {"label": "bottle", "group": 7, "value": 0, "row_count": 9}, {"label": "chair", "group": 8, "value": 1, "row_count": 9}], "rest": [{"group": 0, "row_count": 9, "value": 9}], "scissors": [{"group": 0, "row_count": 9, "value": 7}, {"group": 1, "row_count": 9, "value": 2}], "face": [{"group": 0, "row_count": 9, "value": 8}, {"group": 1, "row_count": 9, "value": 1}], "cat": [{"group": 0, "row_count": 9, "value": 9}], "shoe": [{"group": 1, "row_count": 9, "value": 5}, {"group": 0, "row_count": 9, "value": 4}], "house": [{"group": 0, "row_count": 9, "value": 9}], "scrambledpix": [{"group": 0, "row_count": 9, "value": 9}], "bottle": [{"group": 0, "row_count": 9, "value": 9}], "chair": [{"group": 0, "row_count": 9, "value": 8}, {"group": 1, "row_count": 9, "value": 1}], "data_id": [{"group": 725, "row_count": 9, "value": 6}, {"group": 1088, "row_count": 9, "value": 2}, {"group": 1451, "row_count": 9, "value": 1}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 24, "row_count": 9, "value": 9}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 24}, "size": 9, "degree": 24}, {"id": 866, "name": 866, "tooltip": "866 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [49], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 1, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 1, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 867, "name": 867, "tooltip": "867 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 3 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [49, 50, 51], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 3, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 1, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 7, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 7}, "size": 3, "degree": 7}, {"id": 868, "name": 868, "tooltip": "868 (size: 18)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 4 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 11 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [49, 50, 51, 52, 172, 215, 264, 520, 521, 522, 525, 646, 647, 749, 1143, 1144, 1338, 1438], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 18}, {"label": "scissors", "group": 1, "value": 4, "row_count": 18}, {"label": "face", "group": 2, "value": 0, "row_count": 18}, {"label": "cat", "group": 3, "value": 0, "row_count": 18}, {"label": "shoe", "group": 4, "value": 11, "row_count": 18}, {"label": "house", "group": 5, "value": 0, "row_count": 18}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 18}, {"label": "bottle", "group": 7, "value": 1, "row_count": 18}, {"label": "chair", "group": 8, "value": 2, "row_count": 18}], "rest": [{"group": 0, "row_count": 18, "value": 18}], "scissors": [{"group": 0, "row_count": 18, "value": 14}, {"group": 1, "row_count": 18, "value": 4}], "face": [{"group": 0, "row_count": 18, "value": 18}], "cat": [{"group": 0, "row_count": 18, "value": 18}], "shoe": [{"group": 1, "row_count": 18, "value": 11}, {"group": 0, "row_count": 18, "value": 7}], "house": [{"group": 0, "row_count": 18, "value": 18}], "scrambledpix": [{"group": 0, "row_count": 18, "value": 18}], "bottle": [{"group": 0, "row_count": 18, "value": 17}, {"group": 1, "row_count": 18, "value": 1}], "chair": [{"group": 0, "row_count": 18, "value": 16}, {"group": 1, "row_count": 18, "value": 2}], "data_id": [{"group": 1088, "row_count": 18, "value": 10}, {"group": 725, "row_count": 18, "value": 5}, {"group": 362, "row_count": 18, "value": 2}, {"group": 1451, "row_count": 18, "value": 1}], "uniform": [{"group": 0, "row_count": 18, "value": 18}], "degree": [{"group": 35, "row_count": 18, "value": 18}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 1, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 35}, "size": 18, "degree": 35}, {"id": 869, "name": 869, "tooltip": "869 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [48], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 870, "name": 870, "tooltip": "870 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [47], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 10, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 10}, "size": 1, "degree": 10}, {"id": 871, "name": 871, "tooltip": "871 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [47, 48], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 11, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 11}, "size": 2, "degree": 11}, {"id": 872, "name": 872, "tooltip": "872 (size: 19)
\n \n \n rest | \n 19 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [45, 59, 60, 61, 62, 167, 168, 275, 287, 288, 289, 317, 380, 381, 394, 395, 530, 651, 1364], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 19, "row_count": 19}, {"label": "scissors", "group": 1, "value": 0, "row_count": 19}, {"label": "face", "group": 2, "value": 0, "row_count": 19}, {"label": "cat", "group": 3, "value": 0, "row_count": 19}, {"label": "shoe", "group": 4, "value": 0, "row_count": 19}, {"label": "house", "group": 5, "value": 0, "row_count": 19}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 19}, {"label": "bottle", "group": 7, "value": 0, "row_count": 19}, {"label": "chair", "group": 8, "value": 0, "row_count": 19}], "rest": [{"group": 1, "row_count": 19, "value": 19}], "scissors": [{"group": 0, "row_count": 19, "value": 19}], "face": [{"group": 0, "row_count": 19, "value": 19}], "cat": [{"group": 0, "row_count": 19, "value": 19}], "shoe": [{"group": 0, "row_count": 19, "value": 19}], "house": [{"group": 0, "row_count": 19, "value": 19}], "scrambledpix": [{"group": 0, "row_count": 19, "value": 19}], "bottle": [{"group": 0, "row_count": 19, "value": 19}], "chair": [{"group": 0, "row_count": 19, "value": 19}], "data_id": [{"group": 1088, "row_count": 19, "value": 11}, {"group": 725, "row_count": 19, "value": 8}], "uniform": [{"group": 0, "row_count": 19, "value": 19}], "degree": [{"group": 33, "row_count": 19, "value": 19}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 33}, "size": 19, "degree": 33}, {"id": 873, "name": 873, "tooltip": "873 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [44, 286], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 1}, {"group": 725, "row_count": 2, "value": 1}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 6, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 6}, "size": 2, "degree": 6}, {"id": 874, "name": 874, "tooltip": "874 (size: 13)
\n \n \n rest | \n 6 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 4 | \n
\n \n
", "members": [44, 286, 499, 962, 982, 983, 984, 1117, 1152, 1153, 1158, 1159, 1233], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 6, "row_count": 13}, {"label": "scissors", "group": 1, "value": 0, "row_count": 13}, {"label": "face", "group": 2, "value": 1, "row_count": 13}, {"label": "cat", "group": 3, "value": 0, "row_count": 13}, {"label": "shoe", "group": 4, "value": 0, "row_count": 13}, {"label": "house", "group": 5, "value": 0, "row_count": 13}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 13}, {"label": "bottle", "group": 7, "value": 0, "row_count": 13}, {"label": "chair", "group": 8, "value": 4, "row_count": 13}], "rest": [{"group": 0, "row_count": 13, "value": 7}, {"group": 1, "row_count": 13, "value": 6}], "scissors": [{"group": 0, "row_count": 13, "value": 13}], "face": [{"group": 0, "row_count": 13, "value": 12}, {"group": 1, "row_count": 13, "value": 1}], "cat": [{"group": 0, "row_count": 13, "value": 13}], "shoe": [{"group": 0, "row_count": 13, "value": 13}], "house": [{"group": 0, "row_count": 13, "value": 13}], "scrambledpix": [{"group": 0, "row_count": 13, "value": 11}, {"group": 1, "row_count": 13, "value": 2}], "bottle": [{"group": 0, "row_count": 13, "value": 13}], "chair": [{"group": 0, "row_count": 13, "value": 9}, {"group": 1, "row_count": 13, "value": 4}], "data_id": [{"group": 362, "row_count": 13, "value": 6}, {"group": 1451, "row_count": 13, "value": 4}, {"group": 1088, "row_count": 13, "value": 2}, {"group": 725, "row_count": 13, "value": 1}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 23, "row_count": 13, "value": 13}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 23}, "size": 13, "degree": 23}, {"id": 875, "name": 875, "tooltip": "875 (size: 7)
\n \n \n rest | \n 7 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [44, 286, 499, 514, 586, 1040, 1041], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 7, "row_count": 7}, {"label": "scissors", "group": 1, "value": 0, "row_count": 7}, {"label": "face", "group": 2, "value": 0, "row_count": 7}, {"label": "cat", "group": 3, "value": 0, "row_count": 7}, {"label": "shoe", "group": 4, "value": 0, "row_count": 7}, {"label": "house", "group": 5, "value": 0, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 7}, {"label": "bottle", "group": 7, "value": 0, "row_count": 7}, {"label": "chair", "group": 8, "value": 0, "row_count": 7}], "rest": [{"group": 1, "row_count": 7, "value": 7}], "scissors": [{"group": 0, "row_count": 7, "value": 7}], "face": [{"group": 0, "row_count": 7, "value": 7}], "cat": [{"group": 0, "row_count": 7, "value": 7}], "shoe": [{"group": 0, "row_count": 7, "value": 7}], "house": [{"group": 0, "row_count": 7, "value": 7}], "scrambledpix": [{"group": 0, "row_count": 7, "value": 7}], "bottle": [{"group": 0, "row_count": 7, "value": 7}], "chair": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 1088, "row_count": 7, "value": 4}, {"group": 362, "row_count": 7, "value": 2}, {"group": 725, "row_count": 7, "value": 1}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 12, "row_count": 7, "value": 7}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 12}, "size": 7, "degree": 12}, {"id": 876, "name": 876, "tooltip": "876 (size: 6)
\n \n \n rest | \n 6 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [44, 45, 286, 499, 500, 585], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 6, "row_count": 6}, {"label": "scissors", "group": 1, "value": 0, "row_count": 6}, {"label": "face", "group": 2, "value": 0, "row_count": 6}, {"label": "cat", "group": 3, "value": 0, "row_count": 6}, {"label": "shoe", "group": 4, "value": 0, "row_count": 6}, {"label": "house", "group": 5, "value": 0, "row_count": 6}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 6}, {"label": "bottle", "group": 7, "value": 0, "row_count": 6}, {"label": "chair", "group": 8, "value": 0, "row_count": 6}], "rest": [{"group": 1, "row_count": 6, "value": 6}], "scissors": [{"group": 0, "row_count": 6, "value": 6}], "face": [{"group": 0, "row_count": 6, "value": 6}], "cat": [{"group": 0, "row_count": 6, "value": 6}], "shoe": [{"group": 0, "row_count": 6, "value": 6}], "house": [{"group": 0, "row_count": 6, "value": 6}], "scrambledpix": [{"group": 0, "row_count": 6, "value": 6}], "bottle": [{"group": 0, "row_count": 6, "value": 6}], "chair": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 1088, "row_count": 6, "value": 5}, {"group": 725, "row_count": 6, "value": 1}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 17, "row_count": 6, "value": 6}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 17}, "size": 6, "degree": 17}, {"id": 877, "name": 877, "tooltip": "877 (size: 10)
\n \n \n rest | \n 10 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [44, 45, 258, 499, 500, 501, 963, 984, 985, 1406], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 10, "row_count": 10}, {"label": "scissors", "group": 1, "value": 0, "row_count": 10}, {"label": "face", "group": 2, "value": 0, "row_count": 10}, {"label": "cat", "group": 3, "value": 0, "row_count": 10}, {"label": "shoe", "group": 4, "value": 0, "row_count": 10}, {"label": "house", "group": 5, "value": 0, "row_count": 10}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 10}, {"label": "bottle", "group": 7, "value": 0, "row_count": 10}, {"label": "chair", "group": 8, "value": 0, "row_count": 10}], "rest": [{"group": 1, "row_count": 10, "value": 10}], "scissors": [{"group": 0, "row_count": 10, "value": 10}], "face": [{"group": 0, "row_count": 10, "value": 10}], "cat": [{"group": 0, "row_count": 10, "value": 10}], "shoe": [{"group": 0, "row_count": 10, "value": 10}], "house": [{"group": 0, "row_count": 10, "value": 10}], "scrambledpix": [{"group": 0, "row_count": 10, "value": 10}], "bottle": [{"group": 0, "row_count": 10, "value": 10}], "chair": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 1088, "row_count": 10, "value": 5}, {"group": 1451, "row_count": 10, "value": 3}, {"group": 725, "row_count": 10, "value": 2}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 22, "row_count": 10, "value": 10}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 22}, "size": 10, "degree": 22}, {"id": 878, "name": 878, "tooltip": "878 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [43], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 879, "name": 879, "tooltip": "879 (size: 5)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 2 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [43, 164, 165, 166, 285], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 5}, {"label": "scissors", "group": 1, "value": 1, "row_count": 5}, {"label": "face", "group": 2, "value": 0, "row_count": 5}, {"label": "cat", "group": 3, "value": 2, "row_count": 5}, {"label": "shoe", "group": 4, "value": 0, "row_count": 5}, {"label": "house", "group": 5, "value": 0, "row_count": 5}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 5}, {"label": "bottle", "group": 7, "value": 0, "row_count": 5}, {"label": "chair", "group": 8, "value": 0, "row_count": 5}], "rest": [{"group": 0, "row_count": 5, "value": 3}, {"group": 1, "row_count": 5, "value": 2}], "scissors": [{"group": 0, "row_count": 5, "value": 4}, {"group": 1, "row_count": 5, "value": 1}], "face": [{"group": 0, "row_count": 5, "value": 5}], "cat": [{"group": 0, "row_count": 5, "value": 3}, {"group": 1, "row_count": 5, "value": 2}], "shoe": [{"group": 0, "row_count": 5, "value": 5}], "house": [{"group": 0, "row_count": 5, "value": 5}], "scrambledpix": [{"group": 0, "row_count": 5, "value": 5}], "bottle": [{"group": 0, "row_count": 5, "value": 5}], "chair": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 725, "row_count": 5, "value": 4}, {"group": 1088, "row_count": 5, "value": 1}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 7, "row_count": 5, "value": 5}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 7}, "size": 5, "degree": 7}, {"id": 880, "name": 880, "tooltip": "880 (size: 8)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 3 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [42, 43, 146, 147, 164, 165, 285, 498], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 8}, {"label": "scissors", "group": 1, "value": 1, "row_count": 8}, {"label": "face", "group": 2, "value": 1, "row_count": 8}, {"label": "cat", "group": 3, "value": 3, "row_count": 8}, {"label": "shoe", "group": 4, "value": 0, "row_count": 8}, {"label": "house", "group": 5, "value": 0, "row_count": 8}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 8}, {"label": "bottle", "group": 7, "value": 0, "row_count": 8}, {"label": "chair", "group": 8, "value": 0, "row_count": 8}], "rest": [{"group": 0, "row_count": 8, "value": 7}, {"group": 1, "row_count": 8, "value": 1}], "scissors": [{"group": 0, "row_count": 8, "value": 7}, {"group": 1, "row_count": 8, "value": 1}], "face": [{"group": 0, "row_count": 8, "value": 7}, {"group": 1, "row_count": 8, "value": 1}], "cat": [{"group": 0, "row_count": 8, "value": 5}, {"group": 1, "row_count": 8, "value": 3}], "shoe": [{"group": 0, "row_count": 8, "value": 8}], "house": [{"group": 0, "row_count": 8, "value": 8}], "scrambledpix": [{"group": 0, "row_count": 8, "value": 6}, {"group": 1, "row_count": 8, "value": 2}], "bottle": [{"group": 0, "row_count": 8, "value": 8}], "chair": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 725, "row_count": 8, "value": 5}, {"group": 1088, "row_count": 8, "value": 3}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 16, "row_count": 8, "value": 8}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 16}, "size": 8, "degree": 16}, {"id": 881, "name": 881, "tooltip": "881 (size: 17)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 5 | \n
\n \n cat | \n 9 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [40, 41, 42, 110, 111, 134, 135, 160, 203, 204, 205, 206, 253, 254, 255, 280, 284], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 17}, {"label": "scissors", "group": 1, "value": 1, "row_count": 17}, {"label": "face", "group": 2, "value": 5, "row_count": 17}, {"label": "cat", "group": 3, "value": 9, "row_count": 17}, {"label": "shoe", "group": 4, "value": 0, "row_count": 17}, {"label": "house", "group": 5, "value": 0, "row_count": 17}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 17}, {"label": "bottle", "group": 7, "value": 0, "row_count": 17}, {"label": "chair", "group": 8, "value": 2, "row_count": 17}], "rest": [{"group": 0, "row_count": 17, "value": 17}], "scissors": [{"group": 0, "row_count": 17, "value": 16}, {"group": 1, "row_count": 17, "value": 1}], "face": [{"group": 0, "row_count": 17, "value": 12}, {"group": 1, "row_count": 17, "value": 5}], "cat": [{"group": 1, "row_count": 17, "value": 9}, {"group": 0, "row_count": 17, "value": 8}], "shoe": [{"group": 0, "row_count": 17, "value": 17}], "house": [{"group": 0, "row_count": 17, "value": 17}], "scrambledpix": [{"group": 0, "row_count": 17, "value": 17}], "bottle": [{"group": 0, "row_count": 17, "value": 17}], "chair": [{"group": 0, "row_count": 17, "value": 15}, {"group": 1, "row_count": 17, "value": 2}], "data_id": [{"group": 725, "row_count": 17, "value": 12}, {"group": 1088, "row_count": 17, "value": 3}, {"group": 362, "row_count": 17, "value": 2}], "uniform": [{"group": 0, "row_count": 17, "value": 17}], "degree": [{"group": 26, "row_count": 17, "value": 17}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 26}, "size": 17, "degree": 26}, {"id": 882, "name": 882, "tooltip": "882 (size: 19)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 17 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [39, 199, 200, 201, 202, 203, 204, 255, 277, 278, 279, 280, 613, 818, 819, 1130, 1168, 1224, 1424], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 19}, {"label": "scissors", "group": 1, "value": 0, "row_count": 19}, {"label": "face", "group": 2, "value": 2, "row_count": 19}, {"label": "cat", "group": 3, "value": 17, "row_count": 19}, {"label": "shoe", "group": 4, "value": 0, "row_count": 19}, {"label": "house", "group": 5, "value": 0, "row_count": 19}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 19}, {"label": "bottle", "group": 7, "value": 0, "row_count": 19}, {"label": "chair", "group": 8, "value": 0, "row_count": 19}], "rest": [{"group": 0, "row_count": 19, "value": 19}], "scissors": [{"group": 0, "row_count": 19, "value": 19}], "face": [{"group": 0, "row_count": 19, "value": 17}, {"group": 1, "row_count": 19, "value": 2}], "cat": [{"group": 1, "row_count": 19, "value": 17}, {"group": 0, "row_count": 19, "value": 2}], "shoe": [{"group": 0, "row_count": 19, "value": 19}], "house": [{"group": 0, "row_count": 19, "value": 19}], "scrambledpix": [{"group": 0, "row_count": 19, "value": 19}], "bottle": [{"group": 0, "row_count": 19, "value": 19}], "chair": [{"group": 0, "row_count": 19, "value": 19}], "data_id": [{"group": 725, "row_count": 19, "value": 12}, {"group": 362, "row_count": 19, "value": 3}, {"group": 1088, "row_count": 19, "value": 2}, {"group": 1451, "row_count": 19, "value": 2}], "uniform": [{"group": 0, "row_count": 19, "value": 19}], "degree": [{"group": 24, "row_count": 19, "value": 19}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 24}, "size": 19, "degree": 24}, {"id": 883, "name": 883, "tooltip": "883 (size: 13)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 10 | \n
\n \n cat | \n 2 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [39, 42, 255, 497, 777, 778, 779, 780, 859, 860, 912, 1130, 1131], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 13}, {"label": "scissors", "group": 1, "value": 0, "row_count": 13}, {"label": "face", "group": 2, "value": 10, "row_count": 13}, {"label": "cat", "group": 3, "value": 2, "row_count": 13}, {"label": "shoe", "group": 4, "value": 0, "row_count": 13}, {"label": "house", "group": 5, "value": 0, "row_count": 13}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 13}, {"label": "bottle", "group": 7, "value": 0, "row_count": 13}, {"label": "chair", "group": 8, "value": 0, "row_count": 13}], "rest": [{"group": 0, "row_count": 13, "value": 13}], "scissors": [{"group": 0, "row_count": 13, "value": 13}], "face": [{"group": 1, "row_count": 13, "value": 10}, {"group": 0, "row_count": 13, "value": 3}], "cat": [{"group": 0, "row_count": 13, "value": 11}, {"group": 1, "row_count": 13, "value": 2}], "shoe": [{"group": 0, "row_count": 13, "value": 13}], "house": [{"group": 0, "row_count": 13, "value": 13}], "scrambledpix": [{"group": 0, "row_count": 13, "value": 12}, {"group": 1, "row_count": 13, "value": 1}], "bottle": [{"group": 0, "row_count": 13, "value": 13}], "chair": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 1451, "row_count": 13, "value": 7}, {"group": 1088, "row_count": 13, "value": 3}, {"group": 362, "row_count": 13, "value": 2}, {"group": 725, "row_count": 13, "value": 1}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 23, "row_count": 13, "value": 13}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 23}, "size": 13, "degree": 23}, {"id": 884, "name": 884, "tooltip": "884 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 3 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [37, 38, 39], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 3, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 1, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1088, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 8, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 8}, "size": 3, "degree": 8}, {"id": 885, "name": 885, "tooltip": "885 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [36], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 7, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 7}, "size": 1, "degree": 7}, {"id": 886, "name": 886, "tooltip": "886 (size: 20)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 8 | \n
\n \n cat | \n 7 | \n
\n \n shoe | \n 5 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [36, 41, 251, 252, 253, 254, 282, 283, 284, 324, 325, 326, 372, 373, 413, 494, 495, 615, 858, 859], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 20}, {"label": "scissors", "group": 1, "value": 0, "row_count": 20}, {"label": "face", "group": 2, "value": 8, "row_count": 20}, {"label": "cat", "group": 3, "value": 7, "row_count": 20}, {"label": "shoe", "group": 4, "value": 5, "row_count": 20}, {"label": "house", "group": 5, "value": 0, "row_count": 20}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 20}, {"label": "bottle", "group": 7, "value": 0, "row_count": 20}, {"label": "chair", "group": 8, "value": 0, "row_count": 20}], "rest": [{"group": 0, "row_count": 20, "value": 20}], "scissors": [{"group": 0, "row_count": 20, "value": 20}], "face": [{"group": 0, "row_count": 20, "value": 12}, {"group": 1, "row_count": 20, "value": 8}], "cat": [{"group": 0, "row_count": 20, "value": 13}, {"group": 1, "row_count": 20, "value": 7}], "shoe": [{"group": 0, "row_count": 20, "value": 15}, {"group": 1, "row_count": 20, "value": 5}], "house": [{"group": 0, "row_count": 20, "value": 20}], "scrambledpix": [{"group": 0, "row_count": 20, "value": 20}], "bottle": [{"group": 0, "row_count": 20, "value": 20}], "chair": [{"group": 0, "row_count": 20, "value": 20}], "data_id": [{"group": 725, "row_count": 20, "value": 10}, {"group": 1088, "row_count": 20, "value": 8}, {"group": 1451, "row_count": 20, "value": 2}], "uniform": [{"group": 0, "row_count": 20, "value": 20}], "degree": [{"group": 37, "row_count": 20, "value": 20}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 37}, "size": 20, "degree": 37}, {"id": 887, "name": 887, "tooltip": "887 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [35], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 1, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 1, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 888, "name": 888, "tooltip": "888 (size: 17)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 3 | \n
\n \n cat | \n 14 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [35, 413, 414, 415, 427, 613, 614, 615, 974, 975, 1216, 1217, 1218, 1219, 1220, 1221, 1222], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 17}, {"label": "scissors", "group": 1, "value": 0, "row_count": 17}, {"label": "face", "group": 2, "value": 3, "row_count": 17}, {"label": "cat", "group": 3, "value": 14, "row_count": 17}, {"label": "shoe", "group": 4, "value": 0, "row_count": 17}, {"label": "house", "group": 5, "value": 0, "row_count": 17}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 17}, {"label": "bottle", "group": 7, "value": 0, "row_count": 17}, {"label": "chair", "group": 8, "value": 0, "row_count": 17}], "rest": [{"group": 0, "row_count": 17, "value": 17}], "scissors": [{"group": 0, "row_count": 17, "value": 17}], "face": [{"group": 0, "row_count": 17, "value": 14}, {"group": 1, "row_count": 17, "value": 3}], "cat": [{"group": 1, "row_count": 17, "value": 14}, {"group": 0, "row_count": 17, "value": 3}], "shoe": [{"group": 0, "row_count": 17, "value": 17}], "house": [{"group": 0, "row_count": 17, "value": 17}], "scrambledpix": [{"group": 0, "row_count": 17, "value": 17}], "bottle": [{"group": 0, "row_count": 17, "value": 17}], "chair": [{"group": 0, "row_count": 17, "value": 17}], "data_id": [{"group": 1088, "row_count": 17, "value": 8}, {"group": 362, "row_count": 17, "value": 7}, {"group": 1451, "row_count": 17, "value": 2}], "uniform": [{"group": 0, "row_count": 17, "value": 17}], "degree": [{"group": 35, "row_count": 17, "value": 17}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 35}, "size": 17, "degree": 35}, {"id": 889, "name": 889, "tooltip": "889 (size: 19)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 3 | \n
\n \n cat | \n 6 | \n
\n \n shoe | \n 4 | \n
\n \n house | \n 3 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [35, 36, 55, 64, 65, 156, 321, 322, 413, 414, 491, 492, 493, 507, 640, 655, 739, 1138, 1217], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 19}, {"label": "scissors", "group": 1, "value": 2, "row_count": 19}, {"label": "face", "group": 2, "value": 3, "row_count": 19}, {"label": "cat", "group": 3, "value": 6, "row_count": 19}, {"label": "shoe", "group": 4, "value": 4, "row_count": 19}, {"label": "house", "group": 5, "value": 3, "row_count": 19}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 19}, {"label": "bottle", "group": 7, "value": 0, "row_count": 19}, {"label": "chair", "group": 8, "value": 1, "row_count": 19}], "rest": [{"group": 0, "row_count": 19, "value": 19}], "scissors": [{"group": 0, "row_count": 19, "value": 17}, {"group": 1, "row_count": 19, "value": 2}], "face": [{"group": 0, "row_count": 19, "value": 16}, {"group": 1, "row_count": 19, "value": 3}], "cat": [{"group": 0, "row_count": 19, "value": 13}, {"group": 1, "row_count": 19, "value": 6}], "shoe": [{"group": 0, "row_count": 19, "value": 15}, {"group": 1, "row_count": 19, "value": 4}], "house": [{"group": 0, "row_count": 19, "value": 16}, {"group": 1, "row_count": 19, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 19, "value": 19}], "bottle": [{"group": 0, "row_count": 19, "value": 19}], "chair": [{"group": 0, "row_count": 19, "value": 18}, {"group": 1, "row_count": 19, "value": 1}], "data_id": [{"group": 1088, "row_count": 19, "value": 13}, {"group": 725, "row_count": 19, "value": 3}, {"group": 362, "row_count": 19, "value": 2}, {"group": 1451, "row_count": 19, "value": 1}], "uniform": [{"group": 0, "row_count": 19, "value": 19}], "degree": [{"group": 42, "row_count": 19, "value": 19}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 42}, "size": 19, "degree": 42}, {"id": 890, "name": 890, "tooltip": "890 (size: 20)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 5 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 2 | \n
\n \n shoe | \n 10 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 3 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [35, 36, 54, 55, 56, 186, 187, 321, 322, 323, 324, 640, 641, 806, 807, 1037, 1038, 1139, 1266, 1437], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 20}, {"label": "scissors", "group": 1, "value": 5, "row_count": 20}, {"label": "face", "group": 2, "value": 0, "row_count": 20}, {"label": "cat", "group": 3, "value": 2, "row_count": 20}, {"label": "shoe", "group": 4, "value": 10, "row_count": 20}, {"label": "house", "group": 5, "value": 0, "row_count": 20}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 20}, {"label": "bottle", "group": 7, "value": 3, "row_count": 20}, {"label": "chair", "group": 8, "value": 0, "row_count": 20}], "rest": [{"group": 0, "row_count": 20, "value": 20}], "scissors": [{"group": 0, "row_count": 20, "value": 15}, {"group": 1, "row_count": 20, "value": 5}], "face": [{"group": 0, "row_count": 20, "value": 20}], "cat": [{"group": 0, "row_count": 20, "value": 18}, {"group": 1, "row_count": 20, "value": 2}], "shoe": [{"group": 0, "row_count": 20, "value": 10}, {"group": 1, "row_count": 20, "value": 10}], "house": [{"group": 0, "row_count": 20, "value": 20}], "scrambledpix": [{"group": 0, "row_count": 20, "value": 20}], "bottle": [{"group": 0, "row_count": 20, "value": 17}, {"group": 1, "row_count": 20, "value": 3}], "chair": [{"group": 0, "row_count": 20, "value": 20}], "data_id": [{"group": 1088, "row_count": 20, "value": 7}, {"group": 725, "row_count": 20, "value": 7}, {"group": 362, "row_count": 20, "value": 4}, {"group": 1451, "row_count": 20, "value": 2}], "uniform": [{"group": 0, "row_count": 20, "value": 20}], "degree": [{"group": 30, "row_count": 20, "value": 20}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 30}, "size": 20, "degree": 30}, {"id": 891, "name": 891, "tooltip": "891 (size: 15)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 4 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 5 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 3 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [35, 36, 37, 93, 94, 156, 157, 277, 327, 399, 491, 640, 641, 1174, 1339], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 15}, {"label": "scissors", "group": 1, "value": 4, "row_count": 15}, {"label": "face", "group": 2, "value": 1, "row_count": 15}, {"label": "cat", "group": 3, "value": 5, "row_count": 15}, {"label": "shoe", "group": 4, "value": 1, "row_count": 15}, {"label": "house", "group": 5, "value": 0, "row_count": 15}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 15}, {"label": "bottle", "group": 7, "value": 3, "row_count": 15}, {"label": "chair", "group": 8, "value": 1, "row_count": 15}], "rest": [{"group": 0, "row_count": 15, "value": 15}], "scissors": [{"group": 0, "row_count": 15, "value": 11}, {"group": 1, "row_count": 15, "value": 4}], "face": [{"group": 0, "row_count": 15, "value": 14}, {"group": 1, "row_count": 15, "value": 1}], "cat": [{"group": 0, "row_count": 15, "value": 10}, {"group": 1, "row_count": 15, "value": 5}], "shoe": [{"group": 0, "row_count": 15, "value": 14}, {"group": 1, "row_count": 15, "value": 1}], "house": [{"group": 0, "row_count": 15, "value": 15}], "scrambledpix": [{"group": 0, "row_count": 15, "value": 15}], "bottle": [{"group": 0, "row_count": 15, "value": 12}, {"group": 1, "row_count": 15, "value": 3}], "chair": [{"group": 0, "row_count": 15, "value": 14}, {"group": 1, "row_count": 15, "value": 1}], "data_id": [{"group": 1088, "row_count": 15, "value": 7}, {"group": 725, "row_count": 15, "value": 5}, {"group": 1451, "row_count": 15, "value": 2}, {"group": 362, "row_count": 15, "value": 1}], "uniform": [{"group": 0, "row_count": 15, "value": 15}], "degree": [{"group": 32, "row_count": 15, "value": 15}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 32}, "size": 15, "degree": 32}, {"id": 892, "name": 892, "tooltip": "892 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [34], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 893, "name": 893, "tooltip": "893 (size: 14)
\n \n \n rest | \n 10 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 1 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [34, 760, 833, 937, 1001, 1002, 1015, 1016, 1044, 1136, 1137, 1138, 1273, 1288], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 10, "row_count": 14}, {"label": "scissors", "group": 1, "value": 0, "row_count": 14}, {"label": "face", "group": 2, "value": 0, "row_count": 14}, {"label": "cat", "group": 3, "value": 0, "row_count": 14}, {"label": "shoe", "group": 4, "value": 2, "row_count": 14}, {"label": "house", "group": 5, "value": 1, "row_count": 14}, {"label": "scrambledpix", "group": 6, "value": 1, "row_count": 14}, {"label": "bottle", "group": 7, "value": 0, "row_count": 14}, {"label": "chair", "group": 8, "value": 0, "row_count": 14}], "rest": [{"group": 1, "row_count": 14, "value": 10}, {"group": 0, "row_count": 14, "value": 4}], "scissors": [{"group": 0, "row_count": 14, "value": 14}], "face": [{"group": 0, "row_count": 14, "value": 14}], "cat": [{"group": 0, "row_count": 14, "value": 14}], "shoe": [{"group": 0, "row_count": 14, "value": 12}, {"group": 1, "row_count": 14, "value": 2}], "house": [{"group": 0, "row_count": 14, "value": 13}, {"group": 1, "row_count": 14, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 14, "value": 13}, {"group": 1, "row_count": 14, "value": 1}], "bottle": [{"group": 0, "row_count": 14, "value": 14}], "chair": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 362, "row_count": 14, "value": 10}, {"group": 1451, "row_count": 14, "value": 3}, {"group": 725, "row_count": 14, "value": 1}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 18, "row_count": 14, "value": 14}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 18}, "size": 14, "degree": 18}, {"id": 894, "name": 894, "tooltip": "894 (size: 4)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 3 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [34, 576, 577, 925], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 3, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 3}, {"group": 1, "row_count": 4, "value": 1}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 1, "row_count": 4, "value": 3}, {"group": 0, "row_count": 4, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1088, "row_count": 4, "value": 2}, {"group": 725, "row_count": 4, "value": 1}, {"group": 1451, "row_count": 4, "value": 1}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 7, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 7}, "size": 4, "degree": 7}, {"id": 895, "name": 895, "tooltip": "895 (size: 6)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [34, 533, 653, 654, 925, 1045], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 6}, {"label": "scissors", "group": 1, "value": 0, "row_count": 6}, {"label": "face", "group": 2, "value": 0, "row_count": 6}, {"label": "cat", "group": 3, "value": 0, "row_count": 6}, {"label": "shoe", "group": 4, "value": 0, "row_count": 6}, {"label": "house", "group": 5, "value": 1, "row_count": 6}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 6}, {"label": "bottle", "group": 7, "value": 0, "row_count": 6}, {"label": "chair", "group": 8, "value": 2, "row_count": 6}], "rest": [{"group": 1, "row_count": 6, "value": 3}, {"group": 0, "row_count": 6, "value": 3}], "scissors": [{"group": 0, "row_count": 6, "value": 6}], "face": [{"group": 0, "row_count": 6, "value": 6}], "cat": [{"group": 0, "row_count": 6, "value": 6}], "shoe": [{"group": 0, "row_count": 6, "value": 6}], "house": [{"group": 0, "row_count": 6, "value": 5}, {"group": 1, "row_count": 6, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 6, "value": 6}], "bottle": [{"group": 0, "row_count": 6, "value": 6}], "chair": [{"group": 0, "row_count": 6, "value": 4}, {"group": 1, "row_count": 6, "value": 2}], "data_id": [{"group": 1088, "row_count": 6, "value": 3}, {"group": 725, "row_count": 6, "value": 1}, {"group": 1451, "row_count": 6, "value": 1}, {"group": 362, "row_count": 6, "value": 1}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 10, "row_count": 6, "value": 6}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 10}, "size": 6, "degree": 10}, {"id": 896, "name": 896, "tooltip": "896 (size: 9)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 3 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [34, 291, 412, 576, 654, 774, 925, 1001, 1137], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 9}, {"label": "scissors", "group": 1, "value": 0, "row_count": 9}, {"label": "face", "group": 2, "value": 0, "row_count": 9}, {"label": "cat", "group": 3, "value": 1, "row_count": 9}, {"label": "shoe", "group": 4, "value": 0, "row_count": 9}, {"label": "house", "group": 5, "value": 3, "row_count": 9}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 9}, {"label": "bottle", "group": 7, "value": 0, "row_count": 9}, {"label": "chair", "group": 8, "value": 1, "row_count": 9}], "rest": [{"group": 0, "row_count": 9, "value": 5}, {"group": 1, "row_count": 9, "value": 4}], "scissors": [{"group": 0, "row_count": 9, "value": 9}], "face": [{"group": 0, "row_count": 9, "value": 9}], "cat": [{"group": 0, "row_count": 9, "value": 8}, {"group": 1, "row_count": 9, "value": 1}], "shoe": [{"group": 0, "row_count": 9, "value": 9}], "house": [{"group": 0, "row_count": 9, "value": 6}, {"group": 1, "row_count": 9, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 9, "value": 9}], "bottle": [{"group": 0, "row_count": 9, "value": 9}], "chair": [{"group": 0, "row_count": 9, "value": 8}, {"group": 1, "row_count": 9, "value": 1}], "data_id": [{"group": 1088, "row_count": 9, "value": 3}, {"group": 725, "row_count": 9, "value": 2}, {"group": 1451, "row_count": 9, "value": 2}, {"group": 362, "row_count": 9, "value": 2}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 9, "row_count": 9, "value": 9}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 9}, "size": 9, "degree": 9}, {"id": 897, "name": 897, "tooltip": "897 (size: 7)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 6 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [34, 291, 292, 577, 711, 733, 925], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 7}, {"label": "scissors", "group": 1, "value": 0, "row_count": 7}, {"label": "face", "group": 2, "value": 0, "row_count": 7}, {"label": "cat", "group": 3, "value": 0, "row_count": 7}, {"label": "shoe", "group": 4, "value": 0, "row_count": 7}, {"label": "house", "group": 5, "value": 6, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 7}, {"label": "bottle", "group": 7, "value": 0, "row_count": 7}, {"label": "chair", "group": 8, "value": 0, "row_count": 7}], "rest": [{"group": 0, "row_count": 7, "value": 6}, {"group": 1, "row_count": 7, "value": 1}], "scissors": [{"group": 0, "row_count": 7, "value": 7}], "face": [{"group": 0, "row_count": 7, "value": 7}], "cat": [{"group": 0, "row_count": 7, "value": 7}], "shoe": [{"group": 0, "row_count": 7, "value": 7}], "house": [{"group": 1, "row_count": 7, "value": 6}, {"group": 0, "row_count": 7, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 7, "value": 7}], "bottle": [{"group": 0, "row_count": 7, "value": 7}], "chair": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 725, "row_count": 7, "value": 3}, {"group": 1451, "row_count": 7, "value": 3}, {"group": 1088, "row_count": 7, "value": 1}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 8, "row_count": 7, "value": 7}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 1, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 8}, "size": 7, "degree": 8}, {"id": 898, "name": 898, "tooltip": "898 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [33], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 899, "name": 899, "tooltip": "899 (size: 12)
\n \n \n rest | \n 12 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [33, 516, 652, 694, 758, 801, 814, 815, 816, 950, 1178, 1179], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 12, "row_count": 12}, {"label": "scissors", "group": 1, "value": 0, "row_count": 12}, {"label": "face", "group": 2, "value": 0, "row_count": 12}, {"label": "cat", "group": 3, "value": 0, "row_count": 12}, {"label": "shoe", "group": 4, "value": 0, "row_count": 12}, {"label": "house", "group": 5, "value": 0, "row_count": 12}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 12}, {"label": "bottle", "group": 7, "value": 0, "row_count": 12}, {"label": "chair", "group": 8, "value": 0, "row_count": 12}], "rest": [{"group": 1, "row_count": 12, "value": 12}], "scissors": [{"group": 0, "row_count": 12, "value": 12}], "face": [{"group": 0, "row_count": 12, "value": 12}], "cat": [{"group": 0, "row_count": 12, "value": 12}], "shoe": [{"group": 0, "row_count": 12, "value": 12}], "house": [{"group": 0, "row_count": 12, "value": 12}], "scrambledpix": [{"group": 0, "row_count": 12, "value": 12}], "bottle": [{"group": 0, "row_count": 12, "value": 12}], "chair": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 1451, "row_count": 12, "value": 7}, {"group": 1088, "row_count": 12, "value": 2}, {"group": 362, "row_count": 12, "value": 2}, {"group": 725, "row_count": 12, "value": 1}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 18, "row_count": 12, "value": 12}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 18}, "size": 12, "degree": 18}, {"id": 900, "name": 900, "tooltip": "900 (size: 12)
\n \n \n rest | \n 11 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [29, 75, 76, 153, 180, 380, 381, 395, 396, 397, 529, 1300], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 11, "row_count": 12}, {"label": "scissors", "group": 1, "value": 0, "row_count": 12}, {"label": "face", "group": 2, "value": 1, "row_count": 12}, {"label": "cat", "group": 3, "value": 0, "row_count": 12}, {"label": "shoe", "group": 4, "value": 0, "row_count": 12}, {"label": "house", "group": 5, "value": 0, "row_count": 12}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 12}, {"label": "bottle", "group": 7, "value": 0, "row_count": 12}, {"label": "chair", "group": 8, "value": 0, "row_count": 12}], "rest": [{"group": 1, "row_count": 12, "value": 11}, {"group": 0, "row_count": 12, "value": 1}], "scissors": [{"group": 0, "row_count": 12, "value": 12}], "face": [{"group": 0, "row_count": 12, "value": 11}, {"group": 1, "row_count": 12, "value": 1}], "cat": [{"group": 0, "row_count": 12, "value": 12}], "shoe": [{"group": 0, "row_count": 12, "value": 12}], "house": [{"group": 0, "row_count": 12, "value": 12}], "scrambledpix": [{"group": 0, "row_count": 12, "value": 12}], "bottle": [{"group": 0, "row_count": 12, "value": 12}], "chair": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 1088, "row_count": 12, "value": 6}, {"group": 725, "row_count": 12, "value": 3}, {"group": 1451, "row_count": 12, "value": 2}, {"group": 362, "row_count": 12, "value": 1}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 29, "row_count": 12, "value": 12}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 29}, "size": 12, "degree": 29}, {"id": 901, "name": 901, "tooltip": "901 (size: 11)
\n \n \n rest | \n 10 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [29, 45, 46, 138, 139, 258, 259, 622, 1404, 1405, 1406], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 10, "row_count": 11}, {"label": "scissors", "group": 1, "value": 0, "row_count": 11}, {"label": "face", "group": 2, "value": 1, "row_count": 11}, {"label": "cat", "group": 3, "value": 0, "row_count": 11}, {"label": "shoe", "group": 4, "value": 0, "row_count": 11}, {"label": "house", "group": 5, "value": 0, "row_count": 11}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 11}, {"label": "bottle", "group": 7, "value": 0, "row_count": 11}, {"label": "chair", "group": 8, "value": 0, "row_count": 11}], "rest": [{"group": 1, "row_count": 11, "value": 10}, {"group": 0, "row_count": 11, "value": 1}], "scissors": [{"group": 0, "row_count": 11, "value": 11}], "face": [{"group": 0, "row_count": 11, "value": 10}, {"group": 1, "row_count": 11, "value": 1}], "cat": [{"group": 0, "row_count": 11, "value": 11}], "shoe": [{"group": 0, "row_count": 11, "value": 11}], "house": [{"group": 0, "row_count": 11, "value": 11}], "scrambledpix": [{"group": 0, "row_count": 11, "value": 11}], "bottle": [{"group": 0, "row_count": 11, "value": 11}], "chair": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 725, "row_count": 11, "value": 8}, {"group": 1088, "row_count": 11, "value": 3}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 24, "row_count": 11, "value": 11}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 24}, "size": 11, "degree": 24}, {"id": 902, "name": 902, "tooltip": "902 (size: 18)
\n \n \n rest | \n 17 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [29, 30, 45, 46, 167, 194, 195, 258, 259, 287, 330, 408, 409, 799, 800, 984, 985, 1283], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 17, "row_count": 18}, {"label": "scissors", "group": 1, "value": 0, "row_count": 18}, {"label": "face", "group": 2, "value": 1, "row_count": 18}, {"label": "cat", "group": 3, "value": 0, "row_count": 18}, {"label": "shoe", "group": 4, "value": 0, "row_count": 18}, {"label": "house", "group": 5, "value": 0, "row_count": 18}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 18}, {"label": "bottle", "group": 7, "value": 0, "row_count": 18}, {"label": "chair", "group": 8, "value": 0, "row_count": 18}], "rest": [{"group": 1, "row_count": 18, "value": 17}, {"group": 0, "row_count": 18, "value": 1}], "scissors": [{"group": 0, "row_count": 18, "value": 18}], "face": [{"group": 0, "row_count": 18, "value": 17}, {"group": 1, "row_count": 18, "value": 1}], "cat": [{"group": 0, "row_count": 18, "value": 18}], "shoe": [{"group": 0, "row_count": 18, "value": 18}], "house": [{"group": 0, "row_count": 18, "value": 18}], "scrambledpix": [{"group": 0, "row_count": 18, "value": 18}], "bottle": [{"group": 0, "row_count": 18, "value": 18}], "chair": [{"group": 0, "row_count": 18, "value": 18}], "data_id": [{"group": 725, "row_count": 18, "value": 9}, {"group": 1088, "row_count": 18, "value": 4}, {"group": 1451, "row_count": 18, "value": 4}, {"group": 362, "row_count": 18, "value": 1}], "uniform": [{"group": 0, "row_count": 18, "value": 18}], "degree": [{"group": 25, "row_count": 18, "value": 18}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 25}, "size": 18, "degree": 25}, {"id": 903, "name": 903, "tooltip": "903 (size: 27)
\n \n \n rest | \n 26 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [29, 30, 31, 44, 45, 46, 47, 60, 61, 138, 167, 168, 194, 195, 209, 258, 287, 288, 330, 408, 500, 757, 963, 984, 985, 1283, 1405], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 26, "row_count": 27}, {"label": "scissors", "group": 1, "value": 0, "row_count": 27}, {"label": "face", "group": 2, "value": 1, "row_count": 27}, {"label": "cat", "group": 3, "value": 0, "row_count": 27}, {"label": "shoe", "group": 4, "value": 0, "row_count": 27}, {"label": "house", "group": 5, "value": 0, "row_count": 27}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 27}, {"label": "bottle", "group": 7, "value": 0, "row_count": 27}, {"label": "chair", "group": 8, "value": 0, "row_count": 27}], "rest": [{"group": 1, "row_count": 27, "value": 26}, {"group": 0, "row_count": 27, "value": 1}], "scissors": [{"group": 0, "row_count": 27, "value": 27}], "face": [{"group": 0, "row_count": 27, "value": 26}, {"group": 1, "row_count": 27, "value": 1}], "cat": [{"group": 0, "row_count": 27, "value": 27}], "shoe": [{"group": 0, "row_count": 27, "value": 27}], "house": [{"group": 0, "row_count": 27, "value": 27}], "scrambledpix": [{"group": 0, "row_count": 27, "value": 27}], "bottle": [{"group": 0, "row_count": 27, "value": 27}], "chair": [{"group": 0, "row_count": 27, "value": 27}], "data_id": [{"group": 725, "row_count": 27, "value": 14}, {"group": 1088, "row_count": 27, "value": 8}, {"group": 1451, "row_count": 27, "value": 4}, {"group": 362, "row_count": 27, "value": 1}], "uniform": [{"group": 0, "row_count": 27, "value": 27}], "degree": [{"group": 39, "row_count": 27, "value": 27}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 39}, "size": 27, "degree": 39}, {"id": 904, "name": 904, "tooltip": "904 (size: 16)
\n \n \n rest | \n 15 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [29, 30, 31, 32, 45, 46, 47, 75, 151, 168, 194, 258, 330, 963, 984, 1405], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 15, "row_count": 16}, {"label": "scissors", "group": 1, "value": 0, "row_count": 16}, {"label": "face", "group": 2, "value": 1, "row_count": 16}, {"label": "cat", "group": 3, "value": 0, "row_count": 16}, {"label": "shoe", "group": 4, "value": 0, "row_count": 16}, {"label": "house", "group": 5, "value": 0, "row_count": 16}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 16}, {"label": "bottle", "group": 7, "value": 0, "row_count": 16}, {"label": "chair", "group": 8, "value": 0, "row_count": 16}], "rest": [{"group": 1, "row_count": 16, "value": 15}, {"group": 0, "row_count": 16, "value": 1}], "scissors": [{"group": 0, "row_count": 16, "value": 16}], "face": [{"group": 0, "row_count": 16, "value": 15}, {"group": 1, "row_count": 16, "value": 1}], "cat": [{"group": 0, "row_count": 16, "value": 16}], "shoe": [{"group": 0, "row_count": 16, "value": 16}], "house": [{"group": 0, "row_count": 16, "value": 16}], "scrambledpix": [{"group": 0, "row_count": 16, "value": 16}], "bottle": [{"group": 0, "row_count": 16, "value": 16}], "chair": [{"group": 0, "row_count": 16, "value": 16}], "data_id": [{"group": 725, "row_count": 16, "value": 10}, {"group": 1088, "row_count": 16, "value": 3}, {"group": 1451, "row_count": 16, "value": 3}], "uniform": [{"group": 0, "row_count": 16, "value": 16}], "degree": [{"group": 28, "row_count": 16, "value": 16}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 28}, "size": 16, "degree": 28}, {"id": 905, "name": 905, "tooltip": "905 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [27], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 906, "name": 906, "tooltip": "906 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [27, 28], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 2, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 1, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 5, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 5}, "size": 2, "degree": 5}, {"id": 907, "name": 907, "tooltip": "907 (size: 11)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 3 | \n
\n \n face | \n 7 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [25, 549, 702, 703, 704, 705, 782, 940, 979, 1034, 1035], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 11}, {"label": "scissors", "group": 1, "value": 3, "row_count": 11}, {"label": "face", "group": 2, "value": 7, "row_count": 11}, {"label": "cat", "group": 3, "value": 1, "row_count": 11}, {"label": "shoe", "group": 4, "value": 0, "row_count": 11}, {"label": "house", "group": 5, "value": 0, "row_count": 11}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 11}, {"label": "bottle", "group": 7, "value": 0, "row_count": 11}, {"label": "chair", "group": 8, "value": 0, "row_count": 11}], "rest": [{"group": 0, "row_count": 11, "value": 11}], "scissors": [{"group": 0, "row_count": 11, "value": 8}, {"group": 1, "row_count": 11, "value": 3}], "face": [{"group": 1, "row_count": 11, "value": 7}, {"group": 0, "row_count": 11, "value": 4}], "cat": [{"group": 0, "row_count": 11, "value": 10}, {"group": 1, "row_count": 11, "value": 1}], "shoe": [{"group": 0, "row_count": 11, "value": 11}], "house": [{"group": 0, "row_count": 11, "value": 11}], "scrambledpix": [{"group": 0, "row_count": 11, "value": 11}], "bottle": [{"group": 0, "row_count": 11, "value": 11}], "chair": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 1451, "row_count": 11, "value": 7}, {"group": 362, "row_count": 11, "value": 2}, {"group": 725, "row_count": 11, "value": 1}, {"group": 1088, "row_count": 11, "value": 1}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 19, "row_count": 11, "value": 11}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 19}, "size": 11, "degree": 19}, {"id": 908, "name": 908, "tooltip": "908 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [24], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 9, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 9}, "size": 1, "degree": 9}, {"id": 909, "name": 909, "tooltip": "909 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [24, 25], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 2, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 1, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 10, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 10}, "size": 2, "degree": 10}, {"id": 910, "name": 910, "tooltip": "910 (size: 11)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 4 | \n
\n \n
", "members": [24, 25, 53, 57, 84, 85, 270, 392, 1370, 1371, 1372], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 11}, {"label": "scissors", "group": 1, "value": 0, "row_count": 11}, {"label": "face", "group": 2, "value": 2, "row_count": 11}, {"label": "cat", "group": 3, "value": 0, "row_count": 11}, {"label": "shoe", "group": 4, "value": 2, "row_count": 11}, {"label": "house", "group": 5, "value": 1, "row_count": 11}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 11}, {"label": "bottle", "group": 7, "value": 0, "row_count": 11}, {"label": "chair", "group": 8, "value": 4, "row_count": 11}], "rest": [{"group": 0, "row_count": 11, "value": 11}], "scissors": [{"group": 0, "row_count": 11, "value": 11}], "face": [{"group": 0, "row_count": 11, "value": 9}, {"group": 1, "row_count": 11, "value": 2}], "cat": [{"group": 0, "row_count": 11, "value": 11}], "shoe": [{"group": 0, "row_count": 11, "value": 9}, {"group": 1, "row_count": 11, "value": 2}], "house": [{"group": 0, "row_count": 11, "value": 10}, {"group": 1, "row_count": 11, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 11, "value": 9}, {"group": 1, "row_count": 11, "value": 2}], "bottle": [{"group": 0, "row_count": 11, "value": 11}], "chair": [{"group": 0, "row_count": 11, "value": 7}, {"group": 1, "row_count": 11, "value": 4}], "data_id": [{"group": 725, "row_count": 11, "value": 6}, {"group": 1088, "row_count": 11, "value": 3}, {"group": 1451, "row_count": 11, "value": 2}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 28, "row_count": 11, "value": 11}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 28}, "size": 11, "degree": 28}, {"id": 911, "name": 911, "tooltip": "911 (size: 17)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 11 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [24, 25, 53, 57, 78, 79, 82, 83, 84, 85, 149, 270, 308, 309, 392, 443, 444], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 17}, {"label": "scissors", "group": 1, "value": 0, "row_count": 17}, {"label": "face", "group": 2, "value": 2, "row_count": 17}, {"label": "cat", "group": 3, "value": 0, "row_count": 17}, {"label": "shoe", "group": 4, "value": 2, "row_count": 17}, {"label": "house", "group": 5, "value": 1, "row_count": 17}, {"label": "scrambledpix", "group": 6, "value": 11, "row_count": 17}, {"label": "bottle", "group": 7, "value": 0, "row_count": 17}, {"label": "chair", "group": 8, "value": 1, "row_count": 17}], "rest": [{"group": 0, "row_count": 17, "value": 17}], "scissors": [{"group": 0, "row_count": 17, "value": 17}], "face": [{"group": 0, "row_count": 17, "value": 15}, {"group": 1, "row_count": 17, "value": 2}], "cat": [{"group": 0, "row_count": 17, "value": 17}], "shoe": [{"group": 0, "row_count": 17, "value": 15}, {"group": 1, "row_count": 17, "value": 2}], "house": [{"group": 0, "row_count": 17, "value": 16}, {"group": 1, "row_count": 17, "value": 1}], "scrambledpix": [{"group": 1, "row_count": 17, "value": 11}, {"group": 0, "row_count": 17, "value": 6}], "bottle": [{"group": 0, "row_count": 17, "value": 17}], "chair": [{"group": 0, "row_count": 17, "value": 16}, {"group": 1, "row_count": 17, "value": 1}], "data_id": [{"group": 725, "row_count": 17, "value": 6}, {"group": 1451, "row_count": 17, "value": 6}, {"group": 1088, "row_count": 17, "value": 5}], "uniform": [{"group": 0, "row_count": 17, "value": 17}], "degree": [{"group": 40, "row_count": 17, "value": 17}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 1, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 40}, "size": 17, "degree": 40}, {"id": 912, "name": 912, "tooltip": "912 (size: 5)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 5 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [23, 24, 25, 26, 27], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 5}, {"label": "scissors", "group": 1, "value": 0, "row_count": 5}, {"label": "face", "group": 2, "value": 5, "row_count": 5}, {"label": "cat", "group": 3, "value": 0, "row_count": 5}, {"label": "shoe", "group": 4, "value": 0, "row_count": 5}, {"label": "house", "group": 5, "value": 0, "row_count": 5}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 5}, {"label": "bottle", "group": 7, "value": 0, "row_count": 5}, {"label": "chair", "group": 8, "value": 0, "row_count": 5}], "rest": [{"group": 0, "row_count": 5, "value": 5}], "scissors": [{"group": 0, "row_count": 5, "value": 5}], "face": [{"group": 1, "row_count": 5, "value": 5}], "cat": [{"group": 0, "row_count": 5, "value": 5}], "shoe": [{"group": 0, "row_count": 5, "value": 5}], "house": [{"group": 0, "row_count": 5, "value": 5}], "scrambledpix": [{"group": 0, "row_count": 5, "value": 5}], "bottle": [{"group": 0, "row_count": 5, "value": 5}], "chair": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 725, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 12, "row_count": 5, "value": 5}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 12}, "size": 5, "degree": 12}, {"id": 913, "name": 913, "tooltip": "913 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [21], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 1, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 1, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 914, "name": 914, "tooltip": "914 (size: 9)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 6 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 2 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [21, 24, 25, 26, 27, 28, 85, 148, 1430], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 9}, {"label": "scissors", "group": 1, "value": 0, "row_count": 9}, {"label": "face", "group": 2, "value": 6, "row_count": 9}, {"label": "cat", "group": 3, "value": 1, "row_count": 9}, {"label": "shoe", "group": 4, "value": 0, "row_count": 9}, {"label": "house", "group": 5, "value": 0, "row_count": 9}, {"label": "scrambledpix", "group": 6, "value": 2, "row_count": 9}, {"label": "bottle", "group": 7, "value": 0, "row_count": 9}, {"label": "chair", "group": 8, "value": 0, "row_count": 9}], "rest": [{"group": 0, "row_count": 9, "value": 9}], "scissors": [{"group": 0, "row_count": 9, "value": 9}], "face": [{"group": 1, "row_count": 9, "value": 6}, {"group": 0, "row_count": 9, "value": 3}], "cat": [{"group": 0, "row_count": 9, "value": 8}, {"group": 1, "row_count": 9, "value": 1}], "shoe": [{"group": 0, "row_count": 9, "value": 9}], "house": [{"group": 0, "row_count": 9, "value": 9}], "scrambledpix": [{"group": 0, "row_count": 9, "value": 7}, {"group": 1, "row_count": 9, "value": 2}], "bottle": [{"group": 0, "row_count": 9, "value": 9}], "chair": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 725, "row_count": 9, "value": 8}, {"group": 1451, "row_count": 9, "value": 1}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 20, "row_count": 9, "value": 9}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 20}, "size": 9, "degree": 20}, {"id": 915, "name": 915, "tooltip": "915 (size: 4)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 4 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [21, 22, 23, 24], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 4, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 0, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 1, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 725, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 10, "row_count": 4, "value": 4}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 10}, "size": 4, "degree": 10}, {"id": 916, "name": 916, "tooltip": "916 (size: 6)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 6 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [21, 22, 23, 24, 25, 26], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 6}, {"label": "scissors", "group": 1, "value": 0, "row_count": 6}, {"label": "face", "group": 2, "value": 6, "row_count": 6}, {"label": "cat", "group": 3, "value": 0, "row_count": 6}, {"label": "shoe", "group": 4, "value": 0, "row_count": 6}, {"label": "house", "group": 5, "value": 0, "row_count": 6}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 6}, {"label": "bottle", "group": 7, "value": 0, "row_count": 6}, {"label": "chair", "group": 8, "value": 0, "row_count": 6}], "rest": [{"group": 0, "row_count": 6, "value": 6}], "scissors": [{"group": 0, "row_count": 6, "value": 6}], "face": [{"group": 1, "row_count": 6, "value": 6}], "cat": [{"group": 0, "row_count": 6, "value": 6}], "shoe": [{"group": 0, "row_count": 6, "value": 6}], "house": [{"group": 0, "row_count": 6, "value": 6}], "scrambledpix": [{"group": 0, "row_count": 6, "value": 6}], "bottle": [{"group": 0, "row_count": 6, "value": 6}], "chair": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 725, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 11, "row_count": 6, "value": 6}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 11}, "size": 6, "degree": 11}, {"id": 917, "name": 917, "tooltip": "917 (size: 7)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 7 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [21, 22, 23, 24, 25, 26, 27], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 7}, {"label": "scissors", "group": 1, "value": 0, "row_count": 7}, {"label": "face", "group": 2, "value": 7, "row_count": 7}, {"label": "cat", "group": 3, "value": 0, "row_count": 7}, {"label": "shoe", "group": 4, "value": 0, "row_count": 7}, {"label": "house", "group": 5, "value": 0, "row_count": 7}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 7}, {"label": "bottle", "group": 7, "value": 0, "row_count": 7}, {"label": "chair", "group": 8, "value": 0, "row_count": 7}], "rest": [{"group": 0, "row_count": 7, "value": 7}], "scissors": [{"group": 0, "row_count": 7, "value": 7}], "face": [{"group": 1, "row_count": 7, "value": 7}], "cat": [{"group": 0, "row_count": 7, "value": 7}], "shoe": [{"group": 0, "row_count": 7, "value": 7}], "house": [{"group": 0, "row_count": 7, "value": 7}], "scrambledpix": [{"group": 0, "row_count": 7, "value": 7}], "bottle": [{"group": 0, "row_count": 7, "value": 7}], "chair": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 725, "row_count": 7, "value": 7}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 13, "row_count": 7, "value": 7}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 13}, "size": 7, "degree": 13}, {"id": 918, "name": 918, "tooltip": "918 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [20], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 725, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 919, "name": 919, "tooltip": "919 (size: 8)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 7 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [20, 21, 22, 23, 24, 25, 26, 27], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 8}, {"label": "scissors", "group": 1, "value": 0, "row_count": 8}, {"label": "face", "group": 2, "value": 7, "row_count": 8}, {"label": "cat", "group": 3, "value": 0, "row_count": 8}, {"label": "shoe", "group": 4, "value": 0, "row_count": 8}, {"label": "house", "group": 5, "value": 0, "row_count": 8}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 8}, {"label": "bottle", "group": 7, "value": 0, "row_count": 8}, {"label": "chair", "group": 8, "value": 0, "row_count": 8}], "rest": [{"group": 0, "row_count": 8, "value": 7}, {"group": 1, "row_count": 8, "value": 1}], "scissors": [{"group": 0, "row_count": 8, "value": 8}], "face": [{"group": 1, "row_count": 8, "value": 7}, {"group": 0, "row_count": 8, "value": 1}], "cat": [{"group": 0, "row_count": 8, "value": 8}], "shoe": [{"group": 0, "row_count": 8, "value": 8}], "house": [{"group": 0, "row_count": 8, "value": 8}], "scrambledpix": [{"group": 0, "row_count": 8, "value": 8}], "bottle": [{"group": 0, "row_count": 8, "value": 8}], "chair": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 725, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 14, "row_count": 8, "value": 8}]}, "group": {"rest": 0, "scissors": 0, "face": 1, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 14}, "size": 8, "degree": 14}, {"id": 920, "name": 920, "tooltip": "920 (size: 26)
\n \n \n rest | \n 26 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [19, 58, 59, 60, 61, 102, 103, 117, 208, 209, 272, 273, 274, 275, 344, 345, 380, 381, 394, 395, 396, 529, 743, 1284, 1285, 1364], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 26, "row_count": 26}, {"label": "scissors", "group": 1, "value": 0, "row_count": 26}, {"label": "face", "group": 2, "value": 0, "row_count": 26}, {"label": "cat", "group": 3, "value": 0, "row_count": 26}, {"label": "shoe", "group": 4, "value": 0, "row_count": 26}, {"label": "house", "group": 5, "value": 0, "row_count": 26}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 26}, {"label": "bottle", "group": 7, "value": 0, "row_count": 26}, {"label": "chair", "group": 8, "value": 0, "row_count": 26}], "rest": [{"group": 1, "row_count": 26, "value": 26}], "scissors": [{"group": 0, "row_count": 26, "value": 26}], "face": [{"group": 0, "row_count": 26, "value": 26}], "cat": [{"group": 0, "row_count": 26, "value": 26}], "shoe": [{"group": 0, "row_count": 26, "value": 26}], "house": [{"group": 0, "row_count": 26, "value": 26}], "scrambledpix": [{"group": 0, "row_count": 26, "value": 26}], "bottle": [{"group": 0, "row_count": 26, "value": 26}], "chair": [{"group": 0, "row_count": 26, "value": 26}], "data_id": [{"group": 1088, "row_count": 26, "value": 11}, {"group": 725, "row_count": 26, "value": 9}, {"group": 362, "row_count": 26, "value": 5}, {"group": 1451, "row_count": 26, "value": 1}], "uniform": [{"group": 0, "row_count": 26, "value": 26}], "degree": [{"group": 24, "row_count": 26, "value": 26}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 24}, "size": 26, "degree": 24}, {"id": 921, "name": 921, "tooltip": "921 (size: 26)
\n \n \n rest | \n 26 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [19, 45, 59, 60, 61, 62, 102, 103, 117, 167, 273, 274, 275, 287, 345, 380, 381, 394, 395, 396, 529, 743, 1284, 1285, 1363, 1364], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 26, "row_count": 26}, {"label": "scissors", "group": 1, "value": 0, "row_count": 26}, {"label": "face", "group": 2, "value": 0, "row_count": 26}, {"label": "cat", "group": 3, "value": 0, "row_count": 26}, {"label": "shoe", "group": 4, "value": 0, "row_count": 26}, {"label": "house", "group": 5, "value": 0, "row_count": 26}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 26}, {"label": "bottle", "group": 7, "value": 0, "row_count": 26}, {"label": "chair", "group": 8, "value": 0, "row_count": 26}], "rest": [{"group": 1, "row_count": 26, "value": 26}], "scissors": [{"group": 0, "row_count": 26, "value": 26}], "face": [{"group": 0, "row_count": 26, "value": 26}], "cat": [{"group": 0, "row_count": 26, "value": 26}], "shoe": [{"group": 0, "row_count": 26, "value": 26}], "house": [{"group": 0, "row_count": 26, "value": 26}], "scrambledpix": [{"group": 0, "row_count": 26, "value": 26}], "bottle": [{"group": 0, "row_count": 26, "value": 26}], "chair": [{"group": 0, "row_count": 26, "value": 26}], "data_id": [{"group": 1088, "row_count": 26, "value": 12}, {"group": 725, "row_count": 26, "value": 8}, {"group": 362, "row_count": 26, "value": 5}, {"group": 1451, "row_count": 26, "value": 1}], "uniform": [{"group": 0, "row_count": 26, "value": 26}], "degree": [{"group": 33, "row_count": 26, "value": 26}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 33}, "size": 26, "degree": 33}, {"id": 922, "name": 922, "tooltip": "922 (size: 9)
\n \n \n rest | \n 9 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [18, 19, 59, 60, 344, 345, 829, 1432, 1433], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 9, "row_count": 9}, {"label": "scissors", "group": 1, "value": 0, "row_count": 9}, {"label": "face", "group": 2, "value": 0, "row_count": 9}, {"label": "cat", "group": 3, "value": 0, "row_count": 9}, {"label": "shoe", "group": 4, "value": 0, "row_count": 9}, {"label": "house", "group": 5, "value": 0, "row_count": 9}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 9}, {"label": "bottle", "group": 7, "value": 0, "row_count": 9}, {"label": "chair", "group": 8, "value": 0, "row_count": 9}], "rest": [{"group": 1, "row_count": 9, "value": 9}], "scissors": [{"group": 0, "row_count": 9, "value": 9}], "face": [{"group": 0, "row_count": 9, "value": 9}], "cat": [{"group": 0, "row_count": 9, "value": 9}], "shoe": [{"group": 0, "row_count": 9, "value": 9}], "house": [{"group": 0, "row_count": 9, "value": 9}], "scrambledpix": [{"group": 0, "row_count": 9, "value": 9}], "bottle": [{"group": 0, "row_count": 9, "value": 9}], "chair": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 725, "row_count": 9, "value": 5}, {"group": 1088, "row_count": 9, "value": 3}, {"group": 1451, "row_count": 9, "value": 1}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 22, "row_count": 9, "value": 9}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 22}, "size": 9, "degree": 22}, {"id": 923, "name": 923, "tooltip": "923 (size: 12)
\n \n \n rest | \n 12 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [17, 31, 32, 33, 154, 181, 196, 437, 438, 814, 815, 986], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 12, "row_count": 12}, {"label": "scissors", "group": 1, "value": 0, "row_count": 12}, {"label": "face", "group": 2, "value": 0, "row_count": 12}, {"label": "cat", "group": 3, "value": 0, "row_count": 12}, {"label": "shoe", "group": 4, "value": 0, "row_count": 12}, {"label": "house", "group": 5, "value": 0, "row_count": 12}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 12}, {"label": "bottle", "group": 7, "value": 0, "row_count": 12}, {"label": "chair", "group": 8, "value": 0, "row_count": 12}], "rest": [{"group": 1, "row_count": 12, "value": 12}], "scissors": [{"group": 0, "row_count": 12, "value": 12}], "face": [{"group": 0, "row_count": 12, "value": 12}], "cat": [{"group": 0, "row_count": 12, "value": 12}], "shoe": [{"group": 0, "row_count": 12, "value": 12}], "house": [{"group": 0, "row_count": 12, "value": 12}], "scrambledpix": [{"group": 0, "row_count": 12, "value": 12}], "bottle": [{"group": 0, "row_count": 12, "value": 12}], "chair": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 725, "row_count": 12, "value": 7}, {"group": 1451, "row_count": 12, "value": 3}, {"group": 1088, "row_count": 12, "value": 2}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 21, "row_count": 12, "value": 12}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 21}, "size": 12, "degree": 21}, {"id": 924, "name": 924, "tooltip": "924 (size: 27)
\n \n \n rest | \n 26 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [17, 18, 29, 30, 31, 32, 45, 46, 47, 138, 151, 152, 153, 167, 168, 179, 180, 194, 195, 208, 209, 258, 287, 288, 304, 984, 985], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 26, "row_count": 27}, {"label": "scissors", "group": 1, "value": 0, "row_count": 27}, {"label": "face", "group": 2, "value": 1, "row_count": 27}, {"label": "cat", "group": 3, "value": 0, "row_count": 27}, {"label": "shoe", "group": 4, "value": 0, "row_count": 27}, {"label": "house", "group": 5, "value": 0, "row_count": 27}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 27}, {"label": "bottle", "group": 7, "value": 0, "row_count": 27}, {"label": "chair", "group": 8, "value": 0, "row_count": 27}], "rest": [{"group": 1, "row_count": 27, "value": 26}, {"group": 0, "row_count": 27, "value": 1}], "scissors": [{"group": 0, "row_count": 27, "value": 27}], "face": [{"group": 0, "row_count": 27, "value": 26}, {"group": 1, "row_count": 27, "value": 1}], "cat": [{"group": 0, "row_count": 27, "value": 27}], "shoe": [{"group": 0, "row_count": 27, "value": 27}], "house": [{"group": 0, "row_count": 27, "value": 27}], "scrambledpix": [{"group": 0, "row_count": 27, "value": 27}], "bottle": [{"group": 0, "row_count": 27, "value": 27}], "chair": [{"group": 0, "row_count": 27, "value": 27}], "data_id": [{"group": 725, "row_count": 27, "value": 22}, {"group": 1088, "row_count": 27, "value": 3}, {"group": 1451, "row_count": 27, "value": 2}], "uniform": [{"group": 0, "row_count": 27, "value": 27}], "degree": [{"group": 34, "row_count": 27, "value": 27}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 34}, "size": 27, "degree": 34}, {"id": 925, "name": 925, "tooltip": "925 (size: 28)
\n \n \n rest | \n 27 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [17, 18, 29, 30, 31, 32, 45, 46, 47, 138, 139, 152, 153, 167, 168, 179, 180, 194, 195, 196, 209, 258, 273, 287, 288, 396, 984, 985], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 27, "row_count": 28}, {"label": "scissors", "group": 1, "value": 0, "row_count": 28}, {"label": "face", "group": 2, "value": 1, "row_count": 28}, {"label": "cat", "group": 3, "value": 0, "row_count": 28}, {"label": "shoe", "group": 4, "value": 0, "row_count": 28}, {"label": "house", "group": 5, "value": 0, "row_count": 28}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 28}, {"label": "bottle", "group": 7, "value": 0, "row_count": 28}, {"label": "chair", "group": 8, "value": 0, "row_count": 28}], "rest": [{"group": 1, "row_count": 28, "value": 27}, {"group": 0, "row_count": 28, "value": 1}], "scissors": [{"group": 0, "row_count": 28, "value": 28}], "face": [{"group": 0, "row_count": 28, "value": 27}, {"group": 1, "row_count": 28, "value": 1}], "cat": [{"group": 0, "row_count": 28, "value": 28}], "shoe": [{"group": 0, "row_count": 28, "value": 28}], "house": [{"group": 0, "row_count": 28, "value": 28}], "scrambledpix": [{"group": 0, "row_count": 28, "value": 28}], "bottle": [{"group": 0, "row_count": 28, "value": 28}], "chair": [{"group": 0, "row_count": 28, "value": 28}], "data_id": [{"group": 725, "row_count": 28, "value": 22}, {"group": 1088, "row_count": 28, "value": 4}, {"group": 1451, "row_count": 28, "value": 2}], "uniform": [{"group": 0, "row_count": 28, "value": 28}], "degree": [{"group": 33, "row_count": 28, "value": 28}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 33}, "size": 28, "degree": 33}, {"id": 926, "name": 926, "tooltip": "926 (size: 28)
\n \n \n rest | \n 27 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [17, 18, 29, 30, 31, 32, 33, 46, 47, 138, 151, 152, 153, 167, 168, 179, 180, 181, 195, 196, 208, 209, 210, 274, 288, 380, 396, 985], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 27, "row_count": 28}, {"label": "scissors", "group": 1, "value": 0, "row_count": 28}, {"label": "face", "group": 2, "value": 1, "row_count": 28}, {"label": "cat", "group": 3, "value": 0, "row_count": 28}, {"label": "shoe", "group": 4, "value": 0, "row_count": 28}, {"label": "house", "group": 5, "value": 0, "row_count": 28}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 28}, {"label": "bottle", "group": 7, "value": 0, "row_count": 28}, {"label": "chair", "group": 8, "value": 0, "row_count": 28}], "rest": [{"group": 1, "row_count": 28, "value": 27}, {"group": 0, "row_count": 28, "value": 1}], "scissors": [{"group": 0, "row_count": 28, "value": 28}], "face": [{"group": 0, "row_count": 28, "value": 27}, {"group": 1, "row_count": 28, "value": 1}], "cat": [{"group": 0, "row_count": 28, "value": 28}], "shoe": [{"group": 0, "row_count": 28, "value": 28}], "house": [{"group": 0, "row_count": 28, "value": 28}], "scrambledpix": [{"group": 0, "row_count": 28, "value": 28}], "bottle": [{"group": 0, "row_count": 28, "value": 28}], "chair": [{"group": 0, "row_count": 28, "value": 28}], "data_id": [{"group": 725, "row_count": 28, "value": 23}, {"group": 1088, "row_count": 28, "value": 4}, {"group": 1451, "row_count": 28, "value": 1}], "uniform": [{"group": 0, "row_count": 28, "value": 28}], "degree": [{"group": 31, "row_count": 28, "value": 28}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 31}, "size": 28, "degree": 31}, {"id": 927, "name": 927, "tooltip": "927 (size: 28)
\n \n \n rest | \n 27 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [17, 18, 29, 30, 31, 32, 33, 45, 46, 47, 138, 151, 152, 153, 167, 168, 179, 180, 195, 196, 208, 209, 272, 287, 288, 380, 396, 985], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 27, "row_count": 28}, {"label": "scissors", "group": 1, "value": 0, "row_count": 28}, {"label": "face", "group": 2, "value": 1, "row_count": 28}, {"label": "cat", "group": 3, "value": 0, "row_count": 28}, {"label": "shoe", "group": 4, "value": 0, "row_count": 28}, {"label": "house", "group": 5, "value": 0, "row_count": 28}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 28}, {"label": "bottle", "group": 7, "value": 0, "row_count": 28}, {"label": "chair", "group": 8, "value": 0, "row_count": 28}], "rest": [{"group": 1, "row_count": 28, "value": 27}, {"group": 0, "row_count": 28, "value": 1}], "scissors": [{"group": 0, "row_count": 28, "value": 28}], "face": [{"group": 0, "row_count": 28, "value": 27}, {"group": 1, "row_count": 28, "value": 1}], "cat": [{"group": 0, "row_count": 28, "value": 28}], "shoe": [{"group": 0, "row_count": 28, "value": 28}], "house": [{"group": 0, "row_count": 28, "value": 28}], "scrambledpix": [{"group": 0, "row_count": 28, "value": 28}], "bottle": [{"group": 0, "row_count": 28, "value": 28}], "chair": [{"group": 0, "row_count": 28, "value": 28}], "data_id": [{"group": 725, "row_count": 28, "value": 22}, {"group": 1088, "row_count": 28, "value": 5}, {"group": 1451, "row_count": 28, "value": 1}], "uniform": [{"group": 0, "row_count": 28, "value": 28}], "degree": [{"group": 32, "row_count": 28, "value": 28}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 32}, "size": 28, "degree": 32}, {"id": 928, "name": 928, "tooltip": "928 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [16, 17, 18], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 725, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 9, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 9}, "size": 3, "degree": 9}, {"id": 929, "name": 929, "tooltip": "929 (size: 18)
\n \n \n rest | \n 18 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [16, 17, 18, 30, 31, 32, 33, 46, 47, 116, 138, 139, 151, 167, 168, 196, 437, 1433], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 18, "row_count": 18}, {"label": "scissors", "group": 1, "value": 0, "row_count": 18}, {"label": "face", "group": 2, "value": 0, "row_count": 18}, {"label": "cat", "group": 3, "value": 0, "row_count": 18}, {"label": "shoe", "group": 4, "value": 0, "row_count": 18}, {"label": "house", "group": 5, "value": 0, "row_count": 18}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 18}, {"label": "bottle", "group": 7, "value": 0, "row_count": 18}, {"label": "chair", "group": 8, "value": 0, "row_count": 18}], "rest": [{"group": 1, "row_count": 18, "value": 18}], "scissors": [{"group": 0, "row_count": 18, "value": 18}], "face": [{"group": 0, "row_count": 18, "value": 18}], "cat": [{"group": 0, "row_count": 18, "value": 18}], "shoe": [{"group": 0, "row_count": 18, "value": 18}], "house": [{"group": 0, "row_count": 18, "value": 18}], "scrambledpix": [{"group": 0, "row_count": 18, "value": 18}], "bottle": [{"group": 0, "row_count": 18, "value": 18}], "chair": [{"group": 0, "row_count": 18, "value": 18}], "data_id": [{"group": 725, "row_count": 18, "value": 14}, {"group": 1088, "row_count": 18, "value": 3}, {"group": 362, "row_count": 18, "value": 1}], "uniform": [{"group": 0, "row_count": 18, "value": 18}], "degree": [{"group": 31, "row_count": 18, "value": 18}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 31}, "size": 18, "degree": 31}, {"id": 930, "name": 930, "tooltip": "930 (size: 20)
\n \n \n rest | \n 19 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [16, 17, 18, 29, 30, 31, 32, 45, 46, 47, 48, 138, 139, 151, 167, 168, 196, 304, 437, 814], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 19, "row_count": 20}, {"label": "scissors", "group": 1, "value": 0, "row_count": 20}, {"label": "face", "group": 2, "value": 1, "row_count": 20}, {"label": "cat", "group": 3, "value": 0, "row_count": 20}, {"label": "shoe", "group": 4, "value": 0, "row_count": 20}, {"label": "house", "group": 5, "value": 0, "row_count": 20}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 20}, {"label": "bottle", "group": 7, "value": 0, "row_count": 20}, {"label": "chair", "group": 8, "value": 0, "row_count": 20}], "rest": [{"group": 1, "row_count": 20, "value": 19}, {"group": 0, "row_count": 20, "value": 1}], "scissors": [{"group": 0, "row_count": 20, "value": 20}], "face": [{"group": 0, "row_count": 20, "value": 19}, {"group": 1, "row_count": 20, "value": 1}], "cat": [{"group": 0, "row_count": 20, "value": 20}], "shoe": [{"group": 0, "row_count": 20, "value": 20}], "house": [{"group": 0, "row_count": 20, "value": 20}], "scrambledpix": [{"group": 0, "row_count": 20, "value": 20}], "bottle": [{"group": 0, "row_count": 20, "value": 20}], "chair": [{"group": 0, "row_count": 20, "value": 20}], "data_id": [{"group": 725, "row_count": 20, "value": 14}, {"group": 1088, "row_count": 20, "value": 5}, {"group": 1451, "row_count": 20, "value": 1}], "uniform": [{"group": 0, "row_count": 20, "value": 20}], "degree": [{"group": 35, "row_count": 20, "value": 20}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 35}, "size": 20, "degree": 35}, {"id": 931, "name": 931, "tooltip": "931 (size: 25)
\n \n \n rest | \n 25 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [16, 17, 18, 19, 30, 31, 32, 46, 47, 138, 139, 151, 167, 168, 179, 180, 195, 196, 208, 209, 272, 344, 396, 1072, 1433], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 25, "row_count": 25}, {"label": "scissors", "group": 1, "value": 0, "row_count": 25}, {"label": "face", "group": 2, "value": 0, "row_count": 25}, {"label": "cat", "group": 3, "value": 0, "row_count": 25}, {"label": "shoe", "group": 4, "value": 0, "row_count": 25}, {"label": "house", "group": 5, "value": 0, "row_count": 25}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 25}, {"label": "bottle", "group": 7, "value": 0, "row_count": 25}, {"label": "chair", "group": 8, "value": 0, "row_count": 25}], "rest": [{"group": 1, "row_count": 25, "value": 25}], "scissors": [{"group": 0, "row_count": 25, "value": 25}], "face": [{"group": 0, "row_count": 25, "value": 25}], "cat": [{"group": 0, "row_count": 25, "value": 25}], "shoe": [{"group": 0, "row_count": 25, "value": 25}], "house": [{"group": 0, "row_count": 25, "value": 25}], "scrambledpix": [{"group": 0, "row_count": 25, "value": 25}], "bottle": [{"group": 0, "row_count": 25, "value": 25}], "chair": [{"group": 0, "row_count": 25, "value": 25}], "data_id": [{"group": 725, "row_count": 25, "value": 21}, {"group": 1088, "row_count": 25, "value": 3}, {"group": 362, "row_count": 25, "value": 1}], "uniform": [{"group": 0, "row_count": 25, "value": 25}], "degree": [{"group": 31, "row_count": 25, "value": 25}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 31}, "size": 25, "degree": 31}, {"id": 932, "name": 932, "tooltip": "932 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [15, 1389], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 725, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 933, "name": 933, "tooltip": "933 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [13], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 934, "name": 934, "tooltip": "934 (size: 23)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 12 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 6 | \n
\n \n chair | \n 3 | \n
\n \n
", "members": [12, 297, 321, 349, 350, 351, 352, 399, 400, 401, 566, 641, 1075, 1076, 1317, 1318, 1319, 1320, 1339, 1340, 1341, 1437, 1438], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 23}, {"label": "scissors", "group": 1, "value": 12, "row_count": 23}, {"label": "face", "group": 2, "value": 0, "row_count": 23}, {"label": "cat", "group": 3, "value": 0, "row_count": 23}, {"label": "shoe", "group": 4, "value": 1, "row_count": 23}, {"label": "house", "group": 5, "value": 1, "row_count": 23}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 23}, {"label": "bottle", "group": 7, "value": 6, "row_count": 23}, {"label": "chair", "group": 8, "value": 3, "row_count": 23}], "rest": [{"group": 0, "row_count": 23, "value": 23}], "scissors": [{"group": 1, "row_count": 23, "value": 12}, {"group": 0, "row_count": 23, "value": 11}], "face": [{"group": 0, "row_count": 23, "value": 23}], "cat": [{"group": 0, "row_count": 23, "value": 23}], "shoe": [{"group": 0, "row_count": 23, "value": 22}, {"group": 1, "row_count": 23, "value": 1}], "house": [{"group": 0, "row_count": 23, "value": 22}, {"group": 1, "row_count": 23, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 23, "value": 23}], "bottle": [{"group": 0, "row_count": 23, "value": 17}, {"group": 1, "row_count": 23, "value": 6}], "chair": [{"group": 0, "row_count": 23, "value": 20}, {"group": 1, "row_count": 23, "value": 3}], "data_id": [{"group": 1088, "row_count": 23, "value": 9}, {"group": 362, "row_count": 23, "value": 7}, {"group": 725, "row_count": 23, "value": 7}], "uniform": [{"group": 0, "row_count": 23, "value": 23}], "degree": [{"group": 35, "row_count": 23, "value": 23}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 35}, "size": 23, "degree": 35}, {"id": 935, "name": 935, "tooltip": "935 (size: 3)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 3 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [12, 13, 14], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 3}, {"label": "scissors", "group": 1, "value": 3, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 0, "row_count": 3, "value": 3}], "scissors": [{"group": 1, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 362, "row_count": 3, "value": 2}, {"group": 725, "row_count": 3, "value": 1}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 10, "row_count": 3, "value": 3}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 10}, "size": 3, "degree": 10}, {"id": 936, "name": 936, "tooltip": "936 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [11], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 362, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 9, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 9}, "size": 1, "degree": 9}, {"id": 937, "name": 937, "tooltip": "937 (size: 9)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 4 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 3 | \n
\n \n
", "members": [11, 12, 13, 14, 110, 111, 112, 171, 172], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 9}, {"label": "scissors", "group": 1, "value": 4, "row_count": 9}, {"label": "face", "group": 2, "value": 0, "row_count": 9}, {"label": "cat", "group": 3, "value": 0, "row_count": 9}, {"label": "shoe", "group": 4, "value": 2, "row_count": 9}, {"label": "house", "group": 5, "value": 0, "row_count": 9}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 9}, {"label": "bottle", "group": 7, "value": 0, "row_count": 9}, {"label": "chair", "group": 8, "value": 3, "row_count": 9}], "rest": [{"group": 0, "row_count": 9, "value": 9}], "scissors": [{"group": 0, "row_count": 9, "value": 5}, {"group": 1, "row_count": 9, "value": 4}], "face": [{"group": 0, "row_count": 9, "value": 9}], "cat": [{"group": 0, "row_count": 9, "value": 9}], "shoe": [{"group": 0, "row_count": 9, "value": 7}, {"group": 1, "row_count": 9, "value": 2}], "house": [{"group": 0, "row_count": 9, "value": 9}], "scrambledpix": [{"group": 0, "row_count": 9, "value": 9}], "bottle": [{"group": 0, "row_count": 9, "value": 9}], "chair": [{"group": 0, "row_count": 9, "value": 6}, {"group": 1, "row_count": 9, "value": 3}], "data_id": [{"group": 362, "row_count": 9, "value": 6}, {"group": 725, "row_count": 9, "value": 3}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 22, "row_count": 9, "value": 9}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 22}, "size": 9, "degree": 22}, {"id": 938, "name": 938, "tooltip": "938 (size: 22)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 3 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 3 | \n
\n \n shoe | \n 1 | \n
\n \n house | \n 6 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 8 | \n
\n \n
", "members": [10, 11, 41, 65, 66, 67, 68, 69, 106, 107, 108, 109, 110, 111, 112, 171, 297, 414, 415, 462, 470, 655], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 22}, {"label": "scissors", "group": 1, "value": 3, "row_count": 22}, {"label": "face", "group": 2, "value": 0, "row_count": 22}, {"label": "cat", "group": 3, "value": 3, "row_count": 22}, {"label": "shoe", "group": 4, "value": 1, "row_count": 22}, {"label": "house", "group": 5, "value": 6, "row_count": 22}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 22}, {"label": "bottle", "group": 7, "value": 1, "row_count": 22}, {"label": "chair", "group": 8, "value": 8, "row_count": 22}], "rest": [{"group": 0, "row_count": 22, "value": 22}], "scissors": [{"group": 0, "row_count": 22, "value": 19}, {"group": 1, "row_count": 22, "value": 3}], "face": [{"group": 0, "row_count": 22, "value": 22}], "cat": [{"group": 0, "row_count": 22, "value": 19}, {"group": 1, "row_count": 22, "value": 3}], "shoe": [{"group": 0, "row_count": 22, "value": 21}, {"group": 1, "row_count": 22, "value": 1}], "house": [{"group": 0, "row_count": 22, "value": 16}, {"group": 1, "row_count": 22, "value": 6}], "scrambledpix": [{"group": 0, "row_count": 22, "value": 22}], "bottle": [{"group": 0, "row_count": 22, "value": 21}, {"group": 1, "row_count": 22, "value": 1}], "chair": [{"group": 0, "row_count": 22, "value": 14}, {"group": 1, "row_count": 22, "value": 8}], "data_id": [{"group": 362, "row_count": 22, "value": 9}, {"group": 1088, "row_count": 22, "value": 9}, {"group": 1451, "row_count": 22, "value": 2}, {"group": 725, "row_count": 22, "value": 2}], "uniform": [{"group": 0, "row_count": 22, "value": 22}], "degree": [{"group": 40, "row_count": 22, "value": 22}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 40}, "size": 22, "degree": 40}, {"id": 939, "name": 939, "tooltip": "939 (size: 12)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 7 | \n
\n \n face | \n 1 | \n
\n \n cat | \n 2 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 2 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [10, 11, 12, 461, 462, 470, 471, 472, 473, 495, 615, 616], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 12}, {"label": "scissors", "group": 1, "value": 7, "row_count": 12}, {"label": "face", "group": 2, "value": 1, "row_count": 12}, {"label": "cat", "group": 3, "value": 2, "row_count": 12}, {"label": "shoe", "group": 4, "value": 0, "row_count": 12}, {"label": "house", "group": 5, "value": 0, "row_count": 12}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 12}, {"label": "bottle", "group": 7, "value": 2, "row_count": 12}, {"label": "chair", "group": 8, "value": 0, "row_count": 12}], "rest": [{"group": 0, "row_count": 12, "value": 12}], "scissors": [{"group": 1, "row_count": 12, "value": 7}, {"group": 0, "row_count": 12, "value": 5}], "face": [{"group": 0, "row_count": 12, "value": 11}, {"group": 1, "row_count": 12, "value": 1}], "cat": [{"group": 0, "row_count": 12, "value": 10}, {"group": 1, "row_count": 12, "value": 2}], "shoe": [{"group": 0, "row_count": 12, "value": 12}], "house": [{"group": 0, "row_count": 12, "value": 12}], "scrambledpix": [{"group": 0, "row_count": 12, "value": 12}], "bottle": [{"group": 0, "row_count": 12, "value": 10}, {"group": 1, "row_count": 12, "value": 2}], "chair": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 1088, "row_count": 12, "value": 9}, {"group": 362, "row_count": 12, "value": 3}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 29, "row_count": 12, "value": 12}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 29}, "size": 12, "degree": 29}, {"id": 940, "name": 940, "tooltip": "940 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [7, 8], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 2, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 1, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1451, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 10, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 10}, "size": 2, "degree": 10}, {"id": 941, "name": 941, "tooltip": "941 (size: 21)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 2 | \n
\n \n cat | \n 1 | \n
\n \n shoe | \n 4 | \n
\n \n house | \n 8 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 4 | \n
\n \n
", "members": [7, 8, 64, 65, 66, 67, 68, 69, 70, 71, 107, 108, 109, 112, 371, 372, 373, 374, 427, 428, 615], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 21}, {"label": "scissors", "group": 1, "value": 2, "row_count": 21}, {"label": "face", "group": 2, "value": 2, "row_count": 21}, {"label": "cat", "group": 3, "value": 1, "row_count": 21}, {"label": "shoe", "group": 4, "value": 4, "row_count": 21}, {"label": "house", "group": 5, "value": 8, "row_count": 21}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 21}, {"label": "bottle", "group": 7, "value": 0, "row_count": 21}, {"label": "chair", "group": 8, "value": 4, "row_count": 21}], "rest": [{"group": 0, "row_count": 21, "value": 21}], "scissors": [{"group": 0, "row_count": 21, "value": 19}, {"group": 1, "row_count": 21, "value": 2}], "face": [{"group": 0, "row_count": 21, "value": 19}, {"group": 1, "row_count": 21, "value": 2}], "cat": [{"group": 0, "row_count": 21, "value": 20}, {"group": 1, "row_count": 21, "value": 1}], "shoe": [{"group": 0, "row_count": 21, "value": 17}, {"group": 1, "row_count": 21, "value": 4}], "house": [{"group": 0, "row_count": 21, "value": 13}, {"group": 1, "row_count": 21, "value": 8}], "scrambledpix": [{"group": 0, "row_count": 21, "value": 21}], "bottle": [{"group": 0, "row_count": 21, "value": 21}], "chair": [{"group": 0, "row_count": 21, "value": 17}, {"group": 1, "row_count": 21, "value": 4}], "data_id": [{"group": 1088, "row_count": 21, "value": 11}, {"group": 1451, "row_count": 21, "value": 6}, {"group": 362, "row_count": 21, "value": 4}], "uniform": [{"group": 0, "row_count": 21, "value": 21}], "degree": [{"group": 34, "row_count": 21, "value": 21}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 34}, "size": 21, "degree": 34}, {"id": 942, "name": 942, "tooltip": "942 (size: 29)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 3 | \n
\n \n face | \n 5 | \n
\n \n cat | \n 2 | \n
\n \n shoe | \n 6 | \n
\n \n house | \n 10 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 3 | \n
\n \n
", "members": [7, 8, 9, 64, 65, 66, 67, 68, 69, 70, 71, 107, 108, 109, 176, 322, 323, 372, 373, 374, 427, 491, 492, 493, 494, 614, 615, 739, 1289], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 29}, {"label": "scissors", "group": 1, "value": 3, "row_count": 29}, {"label": "face", "group": 2, "value": 5, "row_count": 29}, {"label": "cat", "group": 3, "value": 2, "row_count": 29}, {"label": "shoe", "group": 4, "value": 6, "row_count": 29}, {"label": "house", "group": 5, "value": 10, "row_count": 29}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 29}, {"label": "bottle", "group": 7, "value": 0, "row_count": 29}, {"label": "chair", "group": 8, "value": 3, "row_count": 29}], "rest": [{"group": 0, "row_count": 29, "value": 29}], "scissors": [{"group": 0, "row_count": 29, "value": 26}, {"group": 1, "row_count": 29, "value": 3}], "face": [{"group": 0, "row_count": 29, "value": 24}, {"group": 1, "row_count": 29, "value": 5}], "cat": [{"group": 0, "row_count": 29, "value": 27}, {"group": 1, "row_count": 29, "value": 2}], "shoe": [{"group": 0, "row_count": 29, "value": 23}, {"group": 1, "row_count": 29, "value": 6}], "house": [{"group": 0, "row_count": 29, "value": 19}, {"group": 1, "row_count": 29, "value": 10}], "scrambledpix": [{"group": 0, "row_count": 29, "value": 29}], "bottle": [{"group": 0, "row_count": 29, "value": 29}], "chair": [{"group": 0, "row_count": 29, "value": 26}, {"group": 1, "row_count": 29, "value": 3}], "data_id": [{"group": 1088, "row_count": 29, "value": 14}, {"group": 1451, "row_count": 29, "value": 8}, {"group": 362, "row_count": 29, "value": 4}, {"group": 725, "row_count": 29, "value": 3}], "uniform": [{"group": 0, "row_count": 29, "value": 29}], "degree": [{"group": 50, "row_count": 29, "value": 29}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 50}, "size": 29, "degree": 50}, {"id": 943, "name": 943, "tooltip": "943 (size: 30)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 7 | \n
\n \n face | \n 8 | \n
\n \n cat | \n 2 | \n
\n \n shoe | \n 6 | \n
\n \n house | \n 4 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 2 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [7, 8, 9, 10, 11, 12, 65, 66, 69, 70, 112, 133, 134, 135, 176, 252, 372, 373, 374, 375, 470, 492, 493, 494, 614, 615, 902, 975, 1339, 1340], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 30}, {"label": "scissors", "group": 1, "value": 7, "row_count": 30}, {"label": "face", "group": 2, "value": 8, "row_count": 30}, {"label": "cat", "group": 3, "value": 2, "row_count": 30}, {"label": "shoe", "group": 4, "value": 6, "row_count": 30}, {"label": "house", "group": 5, "value": 4, "row_count": 30}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 30}, {"label": "bottle", "group": 7, "value": 2, "row_count": 30}, {"label": "chair", "group": 8, "value": 1, "row_count": 30}], "rest": [{"group": 0, "row_count": 30, "value": 30}], "scissors": [{"group": 0, "row_count": 30, "value": 23}, {"group": 1, "row_count": 30, "value": 7}], "face": [{"group": 0, "row_count": 30, "value": 22}, {"group": 1, "row_count": 30, "value": 8}], "cat": [{"group": 0, "row_count": 30, "value": 28}, {"group": 1, "row_count": 30, "value": 2}], "shoe": [{"group": 0, "row_count": 30, "value": 24}, {"group": 1, "row_count": 30, "value": 6}], "house": [{"group": 0, "row_count": 30, "value": 26}, {"group": 1, "row_count": 30, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 30, "value": 30}], "bottle": [{"group": 0, "row_count": 30, "value": 28}, {"group": 1, "row_count": 30, "value": 2}], "chair": [{"group": 0, "row_count": 30, "value": 29}, {"group": 1, "row_count": 30, "value": 1}], "data_id": [{"group": 1088, "row_count": 30, "value": 12}, {"group": 1451, "row_count": 30, "value": 7}, {"group": 725, "row_count": 30, "value": 7}, {"group": 362, "row_count": 30, "value": 4}], "uniform": [{"group": 0, "row_count": 30, "value": 30}], "degree": [{"group": 49, "row_count": 30, "value": 30}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 49}, "size": 30, "degree": 49}, {"id": 944, "name": 944, "tooltip": "944 (size: 30)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 8 | \n
\n \n face | \n 7 | \n
\n \n cat | \n 2 | \n
\n \n shoe | \n 6 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 6 | \n
\n \n
", "members": [7, 8, 9, 10, 11, 12, 40, 41, 107, 108, 109, 110, 111, 112, 133, 134, 135, 171, 176, 254, 372, 373, 374, 470, 471, 493, 494, 902, 975, 1340], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 30}, {"label": "scissors", "group": 1, "value": 8, "row_count": 30}, {"label": "face", "group": 2, "value": 7, "row_count": 30}, {"label": "cat", "group": 3, "value": 2, "row_count": 30}, {"label": "shoe", "group": 4, "value": 6, "row_count": 30}, {"label": "house", "group": 5, "value": 0, "row_count": 30}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 30}, {"label": "bottle", "group": 7, "value": 1, "row_count": 30}, {"label": "chair", "group": 8, "value": 6, "row_count": 30}], "rest": [{"group": 0, "row_count": 30, "value": 30}], "scissors": [{"group": 0, "row_count": 30, "value": 22}, {"group": 1, "row_count": 30, "value": 8}], "face": [{"group": 0, "row_count": 30, "value": 23}, {"group": 1, "row_count": 30, "value": 7}], "cat": [{"group": 0, "row_count": 30, "value": 28}, {"group": 1, "row_count": 30, "value": 2}], "shoe": [{"group": 0, "row_count": 30, "value": 24}, {"group": 1, "row_count": 30, "value": 6}], "house": [{"group": 0, "row_count": 30, "value": 30}], "scrambledpix": [{"group": 0, "row_count": 30, "value": 30}], "bottle": [{"group": 0, "row_count": 30, "value": 29}, {"group": 1, "row_count": 30, "value": 1}], "chair": [{"group": 0, "row_count": 30, "value": 24}, {"group": 1, "row_count": 30, "value": 6}], "data_id": [{"group": 362, "row_count": 30, "value": 9}, {"group": 1088, "row_count": 30, "value": 9}, {"group": 725, "row_count": 30, "value": 7}, {"group": 1451, "row_count": 30, "value": 5}], "uniform": [{"group": 0, "row_count": 30, "value": 30}], "degree": [{"group": 48, "row_count": 30, "value": 30}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 48}, "size": 30, "degree": 48}, {"id": 945, "name": 945, "tooltip": "945 (size: 30)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 7 | \n
\n \n face | \n 8 | \n
\n \n cat | \n 3 | \n
\n \n shoe | \n 6 | \n
\n \n house | \n 1 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 5 | \n
\n \n
", "members": [7, 8, 9, 10, 11, 12, 40, 41, 66, 108, 109, 110, 111, 112, 133, 134, 135, 171, 176, 253, 254, 372, 373, 374, 470, 493, 494, 615, 902, 975], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 30}, {"label": "scissors", "group": 1, "value": 7, "row_count": 30}, {"label": "face", "group": 2, "value": 8, "row_count": 30}, {"label": "cat", "group": 3, "value": 3, "row_count": 30}, {"label": "shoe", "group": 4, "value": 6, "row_count": 30}, {"label": "house", "group": 5, "value": 1, "row_count": 30}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 30}, {"label": "bottle", "group": 7, "value": 0, "row_count": 30}, {"label": "chair", "group": 8, "value": 5, "row_count": 30}], "rest": [{"group": 0, "row_count": 30, "value": 30}], "scissors": [{"group": 0, "row_count": 30, "value": 23}, {"group": 1, "row_count": 30, "value": 7}], "face": [{"group": 0, "row_count": 30, "value": 22}, {"group": 1, "row_count": 30, "value": 8}], "cat": [{"group": 0, "row_count": 30, "value": 27}, {"group": 1, "row_count": 30, "value": 3}], "shoe": [{"group": 0, "row_count": 30, "value": 24}, {"group": 1, "row_count": 30, "value": 6}], "house": [{"group": 0, "row_count": 30, "value": 29}, {"group": 1, "row_count": 30, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 30, "value": 30}], "bottle": [{"group": 0, "row_count": 30, "value": 30}], "chair": [{"group": 0, "row_count": 30, "value": 25}, {"group": 1, "row_count": 30, "value": 5}], "data_id": [{"group": 1088, "row_count": 30, "value": 10}, {"group": 362, "row_count": 30, "value": 8}, {"group": 725, "row_count": 30, "value": 7}, {"group": 1451, "row_count": 30, "value": 5}], "uniform": [{"group": 0, "row_count": 30, "value": 30}], "degree": [{"group": 51, "row_count": 30, "value": 30}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 51}, "size": 30, "degree": 51}, {"id": 946, "name": 946, "tooltip": "946 (size: 25)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 11 | \n
\n \n face | \n 5 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 3 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 6 | \n
\n \n
", "members": [7, 8, 9, 10, 11, 12, 13, 107, 108, 109, 110, 111, 112, 132, 133, 134, 135, 171, 349, 350, 374, 470, 471, 902, 976], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 25}, {"label": "scissors", "group": 1, "value": 11, "row_count": 25}, {"label": "face", "group": 2, "value": 5, "row_count": 25}, {"label": "cat", "group": 3, "value": 0, "row_count": 25}, {"label": "shoe", "group": 4, "value": 3, "row_count": 25}, {"label": "house", "group": 5, "value": 0, "row_count": 25}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 25}, {"label": "bottle", "group": 7, "value": 0, "row_count": 25}, {"label": "chair", "group": 8, "value": 6, "row_count": 25}], "rest": [{"group": 0, "row_count": 25, "value": 25}], "scissors": [{"group": 0, "row_count": 25, "value": 14}, {"group": 1, "row_count": 25, "value": 11}], "face": [{"group": 0, "row_count": 25, "value": 20}, {"group": 1, "row_count": 25, "value": 5}], "cat": [{"group": 0, "row_count": 25, "value": 25}], "shoe": [{"group": 0, "row_count": 25, "value": 22}, {"group": 1, "row_count": 25, "value": 3}], "house": [{"group": 0, "row_count": 25, "value": 25}], "scrambledpix": [{"group": 0, "row_count": 25, "value": 25}], "bottle": [{"group": 0, "row_count": 25, "value": 25}], "chair": [{"group": 0, "row_count": 25, "value": 19}, {"group": 1, "row_count": 25, "value": 6}], "data_id": [{"group": 362, "row_count": 25, "value": 11}, {"group": 1451, "row_count": 25, "value": 5}, {"group": 1088, "row_count": 25, "value": 5}, {"group": 725, "row_count": 25, "value": 4}], "uniform": [{"group": 0, "row_count": 25, "value": 25}], "degree": [{"group": 39, "row_count": 25, "value": 25}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 39}, "size": 25, "degree": 39}, {"id": 947, "name": 947, "tooltip": "947 (size: 19)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 12 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 3 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 4 | \n
\n \n
", "members": [7, 8, 9, 10, 11, 12, 13, 14, 110, 111, 112, 171, 172, 350, 351, 400, 470, 471, 903], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 19}, {"label": "scissors", "group": 1, "value": 12, "row_count": 19}, {"label": "face", "group": 2, "value": 0, "row_count": 19}, {"label": "cat", "group": 3, "value": 0, "row_count": 19}, {"label": "shoe", "group": 4, "value": 3, "row_count": 19}, {"label": "house", "group": 5, "value": 0, "row_count": 19}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 19}, {"label": "bottle", "group": 7, "value": 0, "row_count": 19}, {"label": "chair", "group": 8, "value": 4, "row_count": 19}], "rest": [{"group": 0, "row_count": 19, "value": 19}], "scissors": [{"group": 1, "row_count": 19, "value": 12}, {"group": 0, "row_count": 19, "value": 7}], "face": [{"group": 0, "row_count": 19, "value": 19}], "cat": [{"group": 0, "row_count": 19, "value": 19}], "shoe": [{"group": 0, "row_count": 19, "value": 16}, {"group": 1, "row_count": 19, "value": 3}], "house": [{"group": 0, "row_count": 19, "value": 19}], "scrambledpix": [{"group": 0, "row_count": 19, "value": 19}], "bottle": [{"group": 0, "row_count": 19, "value": 19}], "chair": [{"group": 0, "row_count": 19, "value": 15}, {"group": 1, "row_count": 19, "value": 4}], "data_id": [{"group": 362, "row_count": 19, "value": 7}, {"group": 1088, "row_count": 19, "value": 5}, {"group": 1451, "row_count": 19, "value": 4}, {"group": 725, "row_count": 19, "value": 3}], "uniform": [{"group": 0, "row_count": 19, "value": 19}], "degree": [{"group": 32, "row_count": 19, "value": 19}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 32}, "size": 19, "degree": 32}, {"id": 948, "name": 948, "tooltip": "948 (size: 1)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [6], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 1}, {"label": "scissors", "group": 1, "value": 1, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 0, "row_count": 1, "value": 1}], "scissors": [{"group": 1, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 949, "name": 949, "tooltip": "949 (size: 10)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 3 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 6 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [6, 49, 50, 51, 93, 94, 95, 96, 1337, 1338], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 10}, {"label": "scissors", "group": 1, "value": 1, "row_count": 10}, {"label": "face", "group": 2, "value": 0, "row_count": 10}, {"label": "cat", "group": 3, "value": 0, "row_count": 10}, {"label": "shoe", "group": 4, "value": 3, "row_count": 10}, {"label": "house", "group": 5, "value": 0, "row_count": 10}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 10}, {"label": "bottle", "group": 7, "value": 6, "row_count": 10}, {"label": "chair", "group": 8, "value": 0, "row_count": 10}], "rest": [{"group": 0, "row_count": 10, "value": 10}], "scissors": [{"group": 0, "row_count": 10, "value": 9}, {"group": 1, "row_count": 10, "value": 1}], "face": [{"group": 0, "row_count": 10, "value": 10}], "cat": [{"group": 0, "row_count": 10, "value": 10}], "shoe": [{"group": 0, "row_count": 10, "value": 7}, {"group": 1, "row_count": 10, "value": 3}], "house": [{"group": 0, "row_count": 10, "value": 10}], "scrambledpix": [{"group": 0, "row_count": 10, "value": 10}], "bottle": [{"group": 1, "row_count": 10, "value": 6}, {"group": 0, "row_count": 10, "value": 4}], "chair": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 1088, "row_count": 10, "value": 4}, {"group": 1451, "row_count": 10, "value": 4}, {"group": 725, "row_count": 10, "value": 2}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 17, "row_count": 10, "value": 10}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 1, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 17}, "size": 10, "degree": 17}, {"id": 950, "name": 950, "tooltip": "950 (size: 2)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [6, 7], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 2}, {"label": "scissors", "group": 1, "value": 2, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 0, "row_count": 2, "value": 2}], "scissors": [{"group": 1, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1088, "row_count": 2, "value": 1}, {"group": 1451, "row_count": 2, "value": 1}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 12, "row_count": 2, "value": 2}]}, "group": {"rest": 0, "scissors": 1, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 12}, "size": 2, "degree": 12}, {"id": 951, "name": 951, "tooltip": "951 (size: 27)
\n \n \n rest | \n 0 | \n
\n \n scissors | \n 7 | \n
\n \n face | \n 7 | \n
\n \n cat | \n 3 | \n
\n \n shoe | \n 4 | \n
\n \n house | \n 4 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 1 | \n
\n \n
", "members": [6, 7, 8, 9, 10, 11, 12, 50, 65, 66, 69, 70, 112, 130, 251, 374, 375, 427, 491, 492, 493, 494, 613, 614, 615, 902, 1339], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 0, "row_count": 27}, {"label": "scissors", "group": 1, "value": 7, "row_count": 27}, {"label": "face", "group": 2, "value": 7, "row_count": 27}, {"label": "cat", "group": 3, "value": 3, "row_count": 27}, {"label": "shoe", "group": 4, "value": 4, "row_count": 27}, {"label": "house", "group": 5, "value": 4, "row_count": 27}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 27}, {"label": "bottle", "group": 7, "value": 1, "row_count": 27}, {"label": "chair", "group": 8, "value": 1, "row_count": 27}], "rest": [{"group": 0, "row_count": 27, "value": 27}], "scissors": [{"group": 0, "row_count": 27, "value": 20}, {"group": 1, "row_count": 27, "value": 7}], "face": [{"group": 0, "row_count": 27, "value": 20}, {"group": 1, "row_count": 27, "value": 7}], "cat": [{"group": 0, "row_count": 27, "value": 24}, {"group": 1, "row_count": 27, "value": 3}], "shoe": [{"group": 0, "row_count": 27, "value": 23}, {"group": 1, "row_count": 27, "value": 4}], "house": [{"group": 0, "row_count": 27, "value": 23}, {"group": 1, "row_count": 27, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 27, "value": 27}], "bottle": [{"group": 0, "row_count": 27, "value": 26}, {"group": 1, "row_count": 27, "value": 1}], "chair": [{"group": 0, "row_count": 27, "value": 26}, {"group": 1, "row_count": 27, "value": 1}], "data_id": [{"group": 1088, "row_count": 27, "value": 14}, {"group": 1451, "row_count": 27, "value": 6}, {"group": 362, "row_count": 27, "value": 5}, {"group": 725, "row_count": 27, "value": 2}], "uniform": [{"group": 0, "row_count": 27, "value": 27}], "degree": [{"group": 52, "row_count": 27, "value": 27}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 52}, "size": 27, "degree": 52}, {"id": 952, "name": 952, "tooltip": "952 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [5], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 953, "name": 953, "tooltip": "953 (size: 9)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 4 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [5, 6, 7, 49, 50, 93, 94, 95, 99], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 9}, {"label": "scissors", "group": 1, "value": 2, "row_count": 9}, {"label": "face", "group": 2, "value": 0, "row_count": 9}, {"label": "cat", "group": 3, "value": 0, "row_count": 9}, {"label": "shoe", "group": 4, "value": 2, "row_count": 9}, {"label": "house", "group": 5, "value": 0, "row_count": 9}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 9}, {"label": "bottle", "group": 7, "value": 4, "row_count": 9}, {"label": "chair", "group": 8, "value": 0, "row_count": 9}], "rest": [{"group": 0, "row_count": 9, "value": 8}, {"group": 1, "row_count": 9, "value": 1}], "scissors": [{"group": 0, "row_count": 9, "value": 7}, {"group": 1, "row_count": 9, "value": 2}], "face": [{"group": 0, "row_count": 9, "value": 9}], "cat": [{"group": 0, "row_count": 9, "value": 9}], "shoe": [{"group": 0, "row_count": 9, "value": 7}, {"group": 1, "row_count": 9, "value": 2}], "house": [{"group": 0, "row_count": 9, "value": 9}], "scrambledpix": [{"group": 0, "row_count": 9, "value": 9}], "bottle": [{"group": 0, "row_count": 9, "value": 5}, {"group": 1, "row_count": 9, "value": 4}], "chair": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 1451, "row_count": 9, "value": 5}, {"group": 1088, "row_count": 9, "value": 4}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 24, "row_count": 9, "value": 9}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1451, "uniform": 0, "degree": 24}, "size": 9, "degree": 24}, {"id": 954, "name": 954, "tooltip": "954 (size: 1)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [4], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 1}, {"label": "scissors", "group": 1, "value": 0, "row_count": 1}, {"label": "face", "group": 2, "value": 0, "row_count": 1}, {"label": "cat", "group": 3, "value": 0, "row_count": 1}, {"label": "shoe", "group": 4, "value": 0, "row_count": 1}, {"label": "house", "group": 5, "value": 0, "row_count": 1}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 1}, {"label": "bottle", "group": 7, "value": 0, "row_count": 1}, {"label": "chair", "group": 8, "value": 0, "row_count": 1}], "rest": [{"group": 1, "row_count": 1, "value": 1}], "scissors": [{"group": 0, "row_count": 1, "value": 1}], "face": [{"group": 0, "row_count": 1, "value": 1}], "cat": [{"group": 0, "row_count": 1, "value": 1}], "shoe": [{"group": 0, "row_count": 1, "value": 1}], "house": [{"group": 0, "row_count": 1, "value": 1}], "scrambledpix": [{"group": 0, "row_count": 1, "value": 1}], "bottle": [{"group": 0, "row_count": 1, "value": 1}], "chair": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1088, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 955, "name": 955, "tooltip": "955 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [2, 3, 4], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 725, "row_count": 3, "value": 2}, {"group": 1088, "row_count": 3, "value": 1}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 4, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 4}, "size": 3, "degree": 4}, {"id": 956, "name": 956, "tooltip": "956 (size: 2)
\n \n \n rest | \n 2 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1, 2], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 2, "row_count": 2}, {"label": "scissors", "group": 1, "value": 0, "row_count": 2}, {"label": "face", "group": 2, "value": 0, "row_count": 2}, {"label": "cat", "group": 3, "value": 0, "row_count": 2}, {"label": "shoe", "group": 4, "value": 0, "row_count": 2}, {"label": "house", "group": 5, "value": 0, "row_count": 2}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 2}, {"label": "bottle", "group": 7, "value": 0, "row_count": 2}, {"label": "chair", "group": 8, "value": 0, "row_count": 2}], "rest": [{"group": 1, "row_count": 2, "value": 2}], "scissors": [{"group": 0, "row_count": 2, "value": 2}], "face": [{"group": 0, "row_count": 2, "value": 2}], "cat": [{"group": 0, "row_count": 2, "value": 2}], "shoe": [{"group": 0, "row_count": 2, "value": 2}], "house": [{"group": 0, "row_count": 2, "value": 2}], "scrambledpix": [{"group": 0, "row_count": 2, "value": 2}], "bottle": [{"group": 0, "row_count": 2, "value": 2}], "chair": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 362, "row_count": 2, "value": 1}, {"group": 725, "row_count": 2, "value": 1}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 362, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 957, "name": 957, "tooltip": "957 (size: 3)
\n \n \n rest | \n 3 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1, 2, 3], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 3, "row_count": 3}, {"label": "scissors", "group": 1, "value": 0, "row_count": 3}, {"label": "face", "group": 2, "value": 0, "row_count": 3}, {"label": "cat", "group": 3, "value": 0, "row_count": 3}, {"label": "shoe", "group": 4, "value": 0, "row_count": 3}, {"label": "house", "group": 5, "value": 0, "row_count": 3}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 3}, {"label": "bottle", "group": 7, "value": 0, "row_count": 3}, {"label": "chair", "group": 8, "value": 0, "row_count": 3}], "rest": [{"group": 1, "row_count": 3, "value": 3}], "scissors": [{"group": 0, "row_count": 3, "value": 3}], "face": [{"group": 0, "row_count": 3, "value": 3}], "cat": [{"group": 0, "row_count": 3, "value": 3}], "shoe": [{"group": 0, "row_count": 3, "value": 3}], "house": [{"group": 0, "row_count": 3, "value": 3}], "scrambledpix": [{"group": 0, "row_count": 3, "value": 3}], "bottle": [{"group": 0, "row_count": 3, "value": 3}], "chair": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 725, "row_count": 3, "value": 2}, {"group": 362, "row_count": 3, "value": 1}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 958, "name": 958, "tooltip": "958 (size: 4)
\n \n \n rest | \n 4 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 0 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [1, 2, 3, 4], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 4, "row_count": 4}, {"label": "scissors", "group": 1, "value": 0, "row_count": 4}, {"label": "face", "group": 2, "value": 0, "row_count": 4}, {"label": "cat", "group": 3, "value": 0, "row_count": 4}, {"label": "shoe", "group": 4, "value": 0, "row_count": 4}, {"label": "house", "group": 5, "value": 0, "row_count": 4}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 4}, {"label": "bottle", "group": 7, "value": 0, "row_count": 4}, {"label": "chair", "group": 8, "value": 0, "row_count": 4}], "rest": [{"group": 1, "row_count": 4, "value": 4}], "scissors": [{"group": 0, "row_count": 4, "value": 4}], "face": [{"group": 0, "row_count": 4, "value": 4}], "cat": [{"group": 0, "row_count": 4, "value": 4}], "shoe": [{"group": 0, "row_count": 4, "value": 4}], "house": [{"group": 0, "row_count": 4, "value": 4}], "scrambledpix": [{"group": 0, "row_count": 4, "value": 4}], "bottle": [{"group": 0, "row_count": 4, "value": 4}], "chair": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 725, "row_count": 4, "value": 2}, {"group": 362, "row_count": 4, "value": 1}, {"group": 1088, "row_count": 4, "value": 1}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 4, "row_count": 4, "value": 4}]}, "group": {"rest": 1, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 4}, "size": 4, "degree": 4}, {"id": 959, "name": 959, "tooltip": "959 (size: 16)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 1 | \n
\n \n face | \n 6 | \n
\n \n cat | \n 8 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [0, 40, 41, 42, 43, 160, 203, 204, 205, 253, 254, 255, 284, 495, 779, 858], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 16}, {"label": "scissors", "group": 1, "value": 1, "row_count": 16}, {"label": "face", "group": 2, "value": 6, "row_count": 16}, {"label": "cat", "group": 3, "value": 8, "row_count": 16}, {"label": "shoe", "group": 4, "value": 0, "row_count": 16}, {"label": "house", "group": 5, "value": 0, "row_count": 16}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 16}, {"label": "bottle", "group": 7, "value": 0, "row_count": 16}, {"label": "chair", "group": 8, "value": 0, "row_count": 16}], "rest": [{"group": 0, "row_count": 16, "value": 15}, {"group": 1, "row_count": 16, "value": 1}], "scissors": [{"group": 0, "row_count": 16, "value": 15}, {"group": 1, "row_count": 16, "value": 1}], "face": [{"group": 0, "row_count": 16, "value": 10}, {"group": 1, "row_count": 16, "value": 6}], "cat": [{"group": 0, "row_count": 16, "value": 8}, {"group": 1, "row_count": 16, "value": 8}], "shoe": [{"group": 0, "row_count": 16, "value": 16}], "house": [{"group": 0, "row_count": 16, "value": 16}], "scrambledpix": [{"group": 0, "row_count": 16, "value": 16}], "bottle": [{"group": 0, "row_count": 16, "value": 16}], "chair": [{"group": 0, "row_count": 16, "value": 16}], "data_id": [{"group": 725, "row_count": 16, "value": 8}, {"group": 1088, "row_count": 16, "value": 5}, {"group": 1451, "row_count": 16, "value": 2}, {"group": 0, "row_count": 16, "value": 1}], "uniform": [{"group": 0, "row_count": 16, "value": 16}], "degree": [{"group": 22, "row_count": 16, "value": 16}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 22}, "size": 16, "degree": 22}, {"id": 960, "name": 960, "tooltip": "960 (size: 9)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 0 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 8 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [0, 37, 38, 39, 40, 200, 201, 202, 203], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 9}, {"label": "scissors", "group": 1, "value": 0, "row_count": 9}, {"label": "face", "group": 2, "value": 0, "row_count": 9}, {"label": "cat", "group": 3, "value": 8, "row_count": 9}, {"label": "shoe", "group": 4, "value": 0, "row_count": 9}, {"label": "house", "group": 5, "value": 0, "row_count": 9}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 9}, {"label": "bottle", "group": 7, "value": 0, "row_count": 9}, {"label": "chair", "group": 8, "value": 0, "row_count": 9}], "rest": [{"group": 0, "row_count": 9, "value": 8}, {"group": 1, "row_count": 9, "value": 1}], "scissors": [{"group": 0, "row_count": 9, "value": 9}], "face": [{"group": 0, "row_count": 9, "value": 9}], "cat": [{"group": 1, "row_count": 9, "value": 8}, {"group": 0, "row_count": 9, "value": 1}], "shoe": [{"group": 0, "row_count": 9, "value": 9}], "house": [{"group": 0, "row_count": 9, "value": 9}], "scrambledpix": [{"group": 0, "row_count": 9, "value": 9}], "bottle": [{"group": 0, "row_count": 9, "value": 9}], "chair": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 1088, "row_count": 9, "value": 4}, {"group": 725, "row_count": 9, "value": 4}, {"group": 0, "row_count": 9, "value": 1}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 14, "row_count": 9, "value": 9}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 14}, "size": 9, "degree": 14}, {"id": 961, "name": 961, "tooltip": "961 (size: 22)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 6 | \n
\n \n cat | \n 12 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 1 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [0, 36, 37, 39, 40, 41, 42, 129, 130, 131, 201, 202, 203, 255, 349, 858, 859, 1038, 1174, 1219, 1220, 1341], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 22}, {"label": "scissors", "group": 1, "value": 2, "row_count": 22}, {"label": "face", "group": 2, "value": 6, "row_count": 22}, {"label": "cat", "group": 3, "value": 12, "row_count": 22}, {"label": "shoe", "group": 4, "value": 0, "row_count": 22}, {"label": "house", "group": 5, "value": 0, "row_count": 22}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 22}, {"label": "bottle", "group": 7, "value": 1, "row_count": 22}, {"label": "chair", "group": 8, "value": 0, "row_count": 22}], "rest": [{"group": 0, "row_count": 22, "value": 21}, {"group": 1, "row_count": 22, "value": 1}], "scissors": [{"group": 0, "row_count": 22, "value": 20}, {"group": 1, "row_count": 22, "value": 2}], "face": [{"group": 0, "row_count": 22, "value": 16}, {"group": 1, "row_count": 22, "value": 6}], "cat": [{"group": 1, "row_count": 22, "value": 12}, {"group": 0, "row_count": 22, "value": 10}], "shoe": [{"group": 0, "row_count": 22, "value": 22}], "house": [{"group": 0, "row_count": 22, "value": 22}], "scrambledpix": [{"group": 0, "row_count": 22, "value": 22}], "bottle": [{"group": 0, "row_count": 22, "value": 21}, {"group": 1, "row_count": 22, "value": 1}], "chair": [{"group": 0, "row_count": 22, "value": 22}], "data_id": [{"group": 1088, "row_count": 22, "value": 7}, {"group": 362, "row_count": 22, "value": 7}, {"group": 725, "row_count": 22, "value": 5}, {"group": 1451, "row_count": 22, "value": 2}, {"group": 0, "row_count": 22, "value": 1}], "uniform": [{"group": 0, "row_count": 22, "value": 22}], "degree": [{"group": 33, "row_count": 22, "value": 22}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 33}, "size": 22, "degree": 33}, {"id": 962, "name": 962, "tooltip": "962 (size: 16)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 2 | \n
\n \n face | \n 0 | \n
\n \n cat | \n 9 | \n
\n \n shoe | \n 2 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 2 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [0, 36, 37, 38, 39, 93, 156, 157, 201, 202, 282, 327, 563, 901, 1223, 1224], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 16}, {"label": "scissors", "group": 1, "value": 2, "row_count": 16}, {"label": "face", "group": 2, "value": 0, "row_count": 16}, {"label": "cat", "group": 3, "value": 9, "row_count": 16}, {"label": "shoe", "group": 4, "value": 2, "row_count": 16}, {"label": "house", "group": 5, "value": 0, "row_count": 16}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 16}, {"label": "bottle", "group": 7, "value": 2, "row_count": 16}, {"label": "chair", "group": 8, "value": 0, "row_count": 16}], "rest": [{"group": 0, "row_count": 16, "value": 15}, {"group": 1, "row_count": 16, "value": 1}], "scissors": [{"group": 0, "row_count": 16, "value": 14}, {"group": 1, "row_count": 16, "value": 2}], "face": [{"group": 0, "row_count": 16, "value": 16}], "cat": [{"group": 1, "row_count": 16, "value": 9}, {"group": 0, "row_count": 16, "value": 7}], "shoe": [{"group": 0, "row_count": 16, "value": 14}, {"group": 1, "row_count": 16, "value": 2}], "house": [{"group": 0, "row_count": 16, "value": 16}], "scrambledpix": [{"group": 0, "row_count": 16, "value": 16}], "bottle": [{"group": 0, "row_count": 16, "value": 14}, {"group": 1, "row_count": 16, "value": 2}], "chair": [{"group": 0, "row_count": 16, "value": 16}], "data_id": [{"group": 725, "row_count": 16, "value": 6}, {"group": 1088, "row_count": 16, "value": 5}, {"group": 1451, "row_count": 16, "value": 2}, {"group": 362, "row_count": 16, "value": 2}, {"group": 0, "row_count": 16, "value": 1}], "uniform": [{"group": 0, "row_count": 16, "value": 16}], "degree": [{"group": 27, "row_count": 16, "value": 16}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 1, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 27}, "size": 16, "degree": 27}, {"id": 963, "name": 963, "tooltip": "963 (size: 30)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 6 | \n
\n \n face | \n 5 | \n
\n \n cat | \n 11 | \n
\n \n shoe | \n 5 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 2 | \n
\n \n chair | \n 0 | \n
\n \n
", "members": [0, 35, 36, 37, 55, 156, 157, 158, 283, 322, 323, 324, 326, 413, 414, 491, 492, 493, 494, 614, 640, 641, 975, 1038, 1174, 1218, 1219, 1220, 1339, 1340], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 30}, {"label": "scissors", "group": 1, "value": 6, "row_count": 30}, {"label": "face", "group": 2, "value": 5, "row_count": 30}, {"label": "cat", "group": 3, "value": 11, "row_count": 30}, {"label": "shoe", "group": 4, "value": 5, "row_count": 30}, {"label": "house", "group": 5, "value": 0, "row_count": 30}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 30}, {"label": "bottle", "group": 7, "value": 2, "row_count": 30}, {"label": "chair", "group": 8, "value": 0, "row_count": 30}], "rest": [{"group": 0, "row_count": 30, "value": 29}, {"group": 1, "row_count": 30, "value": 1}], "scissors": [{"group": 0, "row_count": 30, "value": 24}, {"group": 1, "row_count": 30, "value": 6}], "face": [{"group": 0, "row_count": 30, "value": 25}, {"group": 1, "row_count": 30, "value": 5}], "cat": [{"group": 0, "row_count": 30, "value": 19}, {"group": 1, "row_count": 30, "value": 11}], "shoe": [{"group": 0, "row_count": 30, "value": 25}, {"group": 1, "row_count": 30, "value": 5}], "house": [{"group": 0, "row_count": 30, "value": 30}], "scrambledpix": [{"group": 0, "row_count": 30, "value": 30}], "bottle": [{"group": 0, "row_count": 30, "value": 28}, {"group": 1, "row_count": 30, "value": 2}], "chair": [{"group": 0, "row_count": 30, "value": 30}], "data_id": [{"group": 1088, "row_count": 30, "value": 13}, {"group": 725, "row_count": 30, "value": 10}, {"group": 362, "row_count": 30, "value": 5}, {"group": 0, "row_count": 30, "value": 1}, {"group": 1451, "row_count": 30, "value": 1}], "uniform": [{"group": 0, "row_count": 30, "value": 30}], "degree": [{"group": 41, "row_count": 30, "value": 30}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 1088, "uniform": 0, "degree": 41}, "size": 30, "degree": 41}, {"id": 964, "name": 964, "tooltip": "964 (size: 30)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 4 | \n
\n \n face | \n 8 | \n
\n \n cat | \n 12 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 5 | \n
\n \n
", "members": [0, 9, 10, 40, 41, 42, 107, 108, 109, 110, 111, 133, 134, 135, 159, 160, 202, 203, 204, 205, 252, 253, 254, 255, 283, 284, 858, 1219, 1220, 1221], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 30}, {"label": "scissors", "group": 1, "value": 4, "row_count": 30}, {"label": "face", "group": 2, "value": 8, "row_count": 30}, {"label": "cat", "group": 3, "value": 12, "row_count": 30}, {"label": "shoe", "group": 4, "value": 0, "row_count": 30}, {"label": "house", "group": 5, "value": 0, "row_count": 30}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 30}, {"label": "bottle", "group": 7, "value": 0, "row_count": 30}, {"label": "chair", "group": 8, "value": 5, "row_count": 30}], "rest": [{"group": 0, "row_count": 30, "value": 29}, {"group": 1, "row_count": 30, "value": 1}], "scissors": [{"group": 0, "row_count": 30, "value": 26}, {"group": 1, "row_count": 30, "value": 4}], "face": [{"group": 0, "row_count": 30, "value": 22}, {"group": 1, "row_count": 30, "value": 8}], "cat": [{"group": 0, "row_count": 30, "value": 18}, {"group": 1, "row_count": 30, "value": 12}], "shoe": [{"group": 0, "row_count": 30, "value": 30}], "house": [{"group": 0, "row_count": 30, "value": 30}], "scrambledpix": [{"group": 0, "row_count": 30, "value": 30}], "bottle": [{"group": 0, "row_count": 30, "value": 30}], "chair": [{"group": 0, "row_count": 30, "value": 25}, {"group": 1, "row_count": 30, "value": 5}], "data_id": [{"group": 725, "row_count": 30, "value": 15}, {"group": 362, "row_count": 30, "value": 9}, {"group": 1088, "row_count": 30, "value": 3}, {"group": 1451, "row_count": 30, "value": 2}, {"group": 0, "row_count": 30, "value": 1}], "uniform": [{"group": 0, "row_count": 30, "value": 30}], "degree": [{"group": 38, "row_count": 30, "value": 30}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 38}, "size": 30, "degree": 38}, {"id": 965, "name": 965, "tooltip": "965 (size: 27)
\n \n \n rest | \n 1 | \n
\n \n scissors | \n 4 | \n
\n \n face | \n 9 | \n
\n \n cat | \n 11 | \n
\n \n shoe | \n 0 | \n
\n \n house | \n 0 | \n
\n \n scrambledpix | \n 0 | \n
\n \n bottle | \n 0 | \n
\n \n chair | \n 2 | \n
\n \n
", "members": [0, 9, 10, 39, 40, 41, 42, 110, 111, 131, 133, 134, 159, 160, 202, 203, 204, 205, 252, 253, 254, 255, 858, 859, 1219, 1220, 1221], "proportions": {"multiclass": [{"label": "rest", "group": 0, "value": 1, "row_count": 27}, {"label": "scissors", "group": 1, "value": 4, "row_count": 27}, {"label": "face", "group": 2, "value": 9, "row_count": 27}, {"label": "cat", "group": 3, "value": 11, "row_count": 27}, {"label": "shoe", "group": 4, "value": 0, "row_count": 27}, {"label": "house", "group": 5, "value": 0, "row_count": 27}, {"label": "scrambledpix", "group": 6, "value": 0, "row_count": 27}, {"label": "bottle", "group": 7, "value": 0, "row_count": 27}, {"label": "chair", "group": 8, "value": 2, "row_count": 27}], "rest": [{"group": 0, "row_count": 27, "value": 26}, {"group": 1, "row_count": 27, "value": 1}], "scissors": [{"group": 0, "row_count": 27, "value": 23}, {"group": 1, "row_count": 27, "value": 4}], "face": [{"group": 0, "row_count": 27, "value": 18}, {"group": 1, "row_count": 27, "value": 9}], "cat": [{"group": 0, "row_count": 27, "value": 16}, {"group": 1, "row_count": 27, "value": 11}], "shoe": [{"group": 0, "row_count": 27, "value": 27}], "house": [{"group": 0, "row_count": 27, "value": 27}], "scrambledpix": [{"group": 0, "row_count": 27, "value": 27}], "bottle": [{"group": 0, "row_count": 27, "value": 27}], "chair": [{"group": 0, "row_count": 27, "value": 25}, {"group": 1, "row_count": 27, "value": 2}], "data_id": [{"group": 725, "row_count": 27, "value": 12}, {"group": 362, "row_count": 27, "value": 7}, {"group": 1088, "row_count": 27, "value": 4}, {"group": 1451, "row_count": 27, "value": 3}, {"group": 0, "row_count": 27, "value": 1}], "uniform": [{"group": 0, "row_count": 27, "value": 27}], "degree": [{"group": 37, "row_count": 27, "value": 27}]}, "group": {"rest": 0, "scissors": 0, "face": 0, "cat": 0, "shoe": 0, "house": 0, "scrambledpix": 0, "bottle": 0, "chair": 0, "data_id": 725, "uniform": 0, "degree": 37}, "size": 27, "degree": 37}], "links": [{"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 3, "target": 4}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 7, "target": 458}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 7, "target": 865}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 7, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 7, "target": 934}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 9, "target": 766}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 9, "target": 775}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 10, "target": 304}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 12, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 12, "target": 914}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 15, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 16, "target": 854}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 20, "target": 21}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 20, "target": 761}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 20, "target": 864}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 21, "target": 761}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 21, "target": 864}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 22, "target": 23}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 23, "target": 761}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 24, "target": 345}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 24, "target": 364}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 24, "target": 737}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 25, "target": 364}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 25, "target": 806}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 26, "target": 877}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 26, "target": 901}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 27, "target": 901}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 27, "target": 903}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 27, "target": 904}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 28, "target": 584}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 28, "target": 901}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 33, "target": 34}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 33, "target": 484}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 33, "target": 727}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 34, "target": 484}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 34, "target": 727}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 35, "target": 774}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 36, "target": 38}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 36, "target": 768}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 37, "target": 38}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 37, "target": 290}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 37, "target": 932}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 38, "target": 290}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 38, "target": 768}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 38, "target": 932}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 40, "target": 41}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 42, "target": 45}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 43, "target": 45}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 44, "target": 45}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 47, "target": 66}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 47, "target": 832}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 49, "target": 204}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 50, "target": 51}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 50, "target": 910}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 51, "target": 910}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 52, "target": 53}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 52, "target": 54}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 52, "target": 860}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 53, "target": 54}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 53, "target": 860}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 53, "target": 910}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 54, "target": 458}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 54, "target": 860}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 55, "target": 858}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 56, "target": 793}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 56, "target": 852}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 56, "target": 853}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 56, "target": 872}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 56, "target": 920}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 56, "target": 921}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 100.0, "strength": 0.0, "source": 58, "target": 59}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 59, "target": 710}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 60, "target": 63}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 61, "target": 63}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 62, "target": 63}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 63, "target": 819}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 64, "target": 558}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 65, "target": 66}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 65, "target": 634}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 20.0, "strength": 0.8, "source": 66, "target": 634}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 66, "target": 793}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 66, "target": 832}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 67, "target": 742}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 67, "target": 791}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 69, "target": 71}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 69, "target": 484}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 70, "target": 71}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 71, "target": 484}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 71, "target": 934}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 71, "target": 961}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 72, "target": 73}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 72, "target": 891}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 72, "target": 934}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 72, "target": 943}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 72, "target": 944}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 72, "target": 951}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 72, "target": 963}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 73, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 73, "target": 891}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 73, "target": 934}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 73, "target": 943}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 73, "target": 949}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 73, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 73, "target": 963}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 74, "target": 598}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 74, "target": 761}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 74, "target": 949}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 100.0, "strength": 0.0, "source": 75, "target": 445}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 100.0, "strength": 0.0, "source": 76, "target": 304}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 78, "target": 79}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 80, "target": 473}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 81, "target": 82}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 83, "target": 602}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 83, "target": 934}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 84, "target": 85}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 85, "target": 87}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 86, "target": 87}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 100.0, "strength": 0.0, "source": 90, "target": 91}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 91, "target": 512}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 92, "target": 93}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 92, "target": 487}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 92, "target": 604}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 93, "target": 487}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 93, "target": 604}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 95, "target": 96}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 97, "target": 345}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 97, "target": 676}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 97, "target": 942}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 98, "target": 852}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 98, "target": 853}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 99, "target": 654}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 100, "target": 101}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 101, "target": 102}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 101, "target": 104}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 102, "target": 104}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 102, "target": 105}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 103, "target": 104}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 103, "target": 105}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 104, "target": 105}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 106, "target": 107}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 106, "target": 893}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 107, "target": 411}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 107, "target": 893}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 109, "target": 832}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 110, "target": 288}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 110, "target": 860}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 110, "target": 890}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 111, "target": 114}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 111, "target": 836}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 112, "target": 113}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 112, "target": 114}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 112, "target": 598}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 113, "target": 114}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 113, "target": 598}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 114, "target": 445}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 114, "target": 598}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 114, "target": 836}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 115, "target": 285}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 115, "target": 451}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 115, "target": 512}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 116, "target": 285}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 116, "target": 447}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 116, "target": 484}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 116, "target": 586}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 117, "target": 447}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 117, "target": 484}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 118, "target": 137}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 118, "target": 836}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 119, "target": 137}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 119, "target": 273}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 119, "target": 628}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 120, "target": 121}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 120, "target": 123}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 120, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 121, "target": 123}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 121, "target": 273}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 121, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 121, "target": 874}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 122, "target": 123}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 122, "target": 124}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 122, "target": 628}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 122, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 122, "target": 825}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 122, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 123, "target": 124}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 123, "target": 628}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 123, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 123, "target": 825}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 123, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 124, "target": 125}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 124, "target": 628}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 124, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 124, "target": 825}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 124, "target": 826}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 125, "target": 768}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 126, "target": 127}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 128, "target": 882}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 128, "target": 962}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 129, "target": 288}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 129, "target": 888}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 129, "target": 961}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 129, "target": 963}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 129, "target": 964}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 129, "target": 965}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 130, "target": 888}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 131, "target": 836}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 132, "target": 134}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 132, "target": 267}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 133, "target": 134}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 133, "target": 267}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 134, "target": 267}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 136, "target": 138}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 136, "target": 273}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 136, "target": 628}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 137, "target": 138}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 137, "target": 273}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 137, "target": 628}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 137, "target": 836}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 138, "target": 273}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 138, "target": 628}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 139, "target": 628}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 139, "target": 862}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 140, "target": 141}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 141, "target": 628}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 143, "target": 144}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 146, "target": 147}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 147, "target": 150}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 148, "target": 150}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 149, "target": 150}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 100.0, "strength": 0.0, "source": 151, "target": 153}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 152, "target": 153}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 154, "target": 516}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 156, "target": 180}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 159, "target": 438}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 159, "target": 729}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 160, "target": 161}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 160, "target": 162}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 160, "target": 654}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 161, "target": 162}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 161, "target": 654}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 162, "target": 654}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 163, "target": 513}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 163, "target": 874}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 164, "target": 512}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 164, "target": 513}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 164, "target": 819}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 165, "target": 511}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 166, "target": 167}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 166, "target": 437}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 166, "target": 497}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 166, "target": 558}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 167, "target": 282}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 167, "target": 437}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 167, "target": 497}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 167, "target": 558}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 168, "target": 169}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 168, "target": 512}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 168, "target": 862}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 168, "target": 864}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 169, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 169, "target": 512}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 169, "target": 862}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 169, "target": 864}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 170, "target": 783}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 170, "target": 864}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 170, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 171, "target": 707}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 171, "target": 783}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 171, "target": 859}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 171, "target": 860}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 171, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 172, "target": 864}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 173, "target": 858}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 173, "target": 864}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 174, "target": 345}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 174, "target": 890}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 176, "target": 177}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 176, "target": 727}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 176, "target": 882}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 176, "target": 883}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 177, "target": 376}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 177, "target": 727}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 177, "target": 882}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 177, "target": 883}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 178, "target": 180}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 178, "target": 204}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 179, "target": 180}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 179, "target": 511}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 179, "target": 727}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 179, "target": 799}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 180, "target": 204}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -2, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 180, "target": 511}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 180, "target": 512}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 180, "target": 513}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 180, "target": 727}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 180, "target": 799}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 181, "target": 512}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 181, "target": 727}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 182, "target": 183}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 182, "target": 850}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 183, "target": 850}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 184, "target": 411}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 100.0, "strength": 0.0, "source": 185, "target": 874}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 100.0, "strength": 0.0, "source": 188, "target": 411}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 189, "target": 487}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 189, "target": 604}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 189, "target": 852}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 190, "target": 487}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 190, "target": 604}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 192, "target": 676}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 192, "target": 710}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 50.0, "strength": 0.5, "source": 193, "target": 676}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 193, "target": 893}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 195, "target": 196}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 196, "target": 832}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 196, "target": 834}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 197, "target": 437}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 197, "target": 497}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 198, "target": 199}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 198, "target": 201}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 199, "target": 201}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 200, "target": 201}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 201, "target": 203}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 201, "target": 484}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 202, "target": 203}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 202, "target": 484}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 203, "target": 484}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 100.0, "strength": 0.0, "source": 207, "target": 209}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 208, "target": 209}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 208, "target": 210}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 208, "target": 761}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 209, "target": 210}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 209, "target": 761}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 210, "target": 212}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 210, "target": 761}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 211, "target": 212}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 212, "target": 761}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 213, "target": 364}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 213, "target": 598}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 214, "target": 445}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 215, "target": 216}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 215, "target": 445}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 50.0, "strength": 0.5, "source": 216, "target": 445}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 218, "target": 221}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 219, "target": 220}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 219, "target": 221}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 219, "target": 285}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 219, "target": 447}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 219, "target": 484}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 219, "target": 586}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 220, "target": 221}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 220, "target": 285}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 220, "target": 447}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 220, "target": 484}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -2, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 221, "target": 285}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 221, "target": 447}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 221, "target": 484}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -2, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 221, "target": 586}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 222, "target": 285}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 222, "target": 895}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 223, "target": 875}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 225, "target": 511}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 225, "target": 512}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 226, "target": 304}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 226, "target": 907}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 227, "target": 511}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 227, "target": 513}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 227, "target": 654}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 228, "target": 654}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 229, "target": 487}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 229, "target": 670}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 231, "target": 511}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 232, "target": 233}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 232, "target": 708}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 233, "target": 234}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 233, "target": 235}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 233, "target": 708}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 234, "target": 235}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 236, "target": 237}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 236, "target": 325}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 237, "target": 239}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 237, "target": 325}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 238, "target": 239}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 240, "target": 241}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 240, "target": 242}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 241, "target": 242}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 241, "target": 290}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 242, "target": 290}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 245, "target": 695}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 245, "target": 893}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 246, "target": 487}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 246, "target": 584}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 248, "target": 250}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 248, "target": 628}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 249, "target": 250}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 250, "target": 628}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 100.0, "strength": 0.0, "source": 251, "target": 511}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 252, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 252, "target": 511}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 252, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 252, "target": 825}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 252, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 253, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 254, "target": 511}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 254, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 254, "target": 825}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 254, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 257, "target": 316}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 257, "target": 923}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 258, "target": 832}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 258, "target": 852}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 258, "target": 874}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 258, "target": 877}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 258, "target": 902}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 258, "target": 903}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 258, "target": 904}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 258, "target": 924}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 258, "target": 925}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 259, "target": 874}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 260, "target": 513}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 260, "target": 705}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 260, "target": 874}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 261, "target": 799}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 262, "target": 263}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 262, "target": 946}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 263, "target": 888}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 263, "target": 943}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 263, "target": 944}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 263, "target": 945}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 263, "target": 946}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 263, "target": 963}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 264, "target": 265}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 264, "target": 888}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 265, "target": 266}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 265, "target": 267}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 265, "target": 268}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 265, "target": 888}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 266, "target": 267}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 266, "target": 268}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 267, "target": 268}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 268, "target": 836}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 269, "target": 270}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 269, "target": 628}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 270, "target": 628}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 270, "target": 761}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 271, "target": 273}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 272, "target": 273}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 272, "target": 874}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 273, "target": 628}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 273, "target": 874}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 273, "target": 877}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 273, "target": 903}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 273, "target": 904}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 274, "target": 277}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 274, "target": 511}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 274, "target": 628}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 274, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 274, "target": 825}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 274, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 274, "target": 828}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 274, "target": 862}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 275, "target": 277}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 275, "target": 511}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 275, "target": 628}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 275, "target": 819}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 275, "target": 823}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 275, "target": 825}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 275, "target": 826}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 275, "target": 828}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 276, "target": 277}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 276, "target": 819}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 276, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 276, "target": 825}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 276, "target": 826}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 277, "target": 511}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 277, "target": 628}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 277, "target": 819}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 277, "target": 823}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 277, "target": 825}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 277, "target": 826}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 277, "target": 828}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 277, "target": 862}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 279, "target": 737}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 279, "target": 858}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 280, "target": 516}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 280, "target": 723}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 281, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 281, "target": 635}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 282, "target": 437}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 282, "target": 635}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 283, "target": 512}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 284, "target": 285}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 284, "target": 512}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 285, "target": 324}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 285, "target": 353}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 285, "target": 447}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 285, "target": 451}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 285, "target": 484}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 285, "target": 512}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 285, "target": 586}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 285, "target": 895}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 286, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 286, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 286, "target": 799}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 287, "target": 288}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 287, "target": 411}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 288, "target": 345}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 288, "target": 411}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 288, "target": 675}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 288, "target": 695}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 288, "target": 888}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 288, "target": 889}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 288, "target": 891}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 288, "target": 893}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 288, "target": 961}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 288, "target": 963}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 288, "target": 964}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 288, "target": 965}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 289, "target": 290}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 290, "target": 932}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 292, "target": 676}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 292, "target": 710}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 293, "target": 294}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 294, "target": 295}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 295, "target": 297}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 295, "target": 819}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 296, "target": 297}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 296, "target": 819}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 297, "target": 819}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 298, "target": 819}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 299, "target": 819}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 300, "target": 708}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 301, "target": 708}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 301, "target": 883}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 302, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 302, "target": 825}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 302, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 303, "target": 304}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 304, "target": 325}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 304, "target": 451}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 304, "target": 635}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 304, "target": 781}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 304, "target": 922}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 304, "target": 929}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 304, "target": 931}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 305, "target": 306}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 305, "target": 497}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 306, "target": 497}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 307, "target": 840}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 307, "target": 947}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 308, "target": 943}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 308, "target": 944}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 308, "target": 945}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 308, "target": 946}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 308, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 309, "target": 310}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 310, "target": 962}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 311, "target": 312}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 312, "target": 836}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 313, "target": 836}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 314, "target": 317}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 314, "target": 438}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 314, "target": 516}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 314, "target": 558}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 315, "target": 316}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 315, "target": 317}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 316, "target": 317}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 316, "target": 604}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 316, "target": 634}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 316, "target": 831}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 316, "target": 832}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 316, "target": 834}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 316, "target": 847}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 316, "target": 900}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 316, "target": 923}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 317, "target": 516}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 317, "target": 558}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 318, "target": 513}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 318, "target": 862}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 319, "target": 320}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 319, "target": 511}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 319, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 319, "target": 825}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 319, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 319, "target": 862}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 320, "target": 511}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 320, "target": 628}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 320, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 320, "target": 825}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 320, "target": 826}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 320, "target": 862}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 321, "target": 411}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 321, "target": 437}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 321, "target": 438}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 321, "target": 586}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 322, "target": 437}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 323, "target": 324}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 323, "target": 325}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 324, "target": 325}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 324, "target": 451}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 324, "target": 586}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 325, "target": 451}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 326, "target": 447}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 327, "target": 447}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 327, "target": 819}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 100.0, "strength": 0.0, "source": 330, "target": 498}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 332, "target": 883}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 332, "target": 886}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 332, "target": 961}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 332, "target": 965}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 333, "target": 692}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 333, "target": 774}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 334, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 335, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 339, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 339, "target": 341}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 340, "target": 341}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 343, "target": 344}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 344, "target": 345}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 345, "target": 364}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 345, "target": 675}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 345, "target": 676}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 345, "target": 737}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 345, "target": 859}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 345, "target": 889}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 345, "target": 890}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -3, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 345, "target": 893}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 345, "target": 942}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 346, "target": 723}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 346, "target": 766}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 347, "target": 854}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 347, "target": 922}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 349, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 350, "target": 484}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 350, "target": 553}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 350, "target": 680}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 350, "target": 727}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 350, "target": 799}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 351, "target": 799}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 352, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 352, "target": 727}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 352, "target": 799}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 352, "target": 882}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 353, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 12.5, "strength": 0.875, "source": 353, "target": 512}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 353, "target": 727}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 353, "target": 799}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 353, "target": 882}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 354, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 354, "target": 411}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 354, "target": 789}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 355, "target": 411}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 355, "target": 789}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 355, "target": 799}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 355, "target": 914}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 356, "target": 558}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 356, "target": 899}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 357, "target": 635}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 357, "target": 899}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 357, "target": 923}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 357, "target": 930}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 100.0, "strength": 0.0, "source": 358, "target": 836}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 359, "target": 361}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 360, "target": 361}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 362, "target": 859}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 362, "target": 890}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 363, "target": 858}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 363, "target": 859}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 363, "target": 890}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 364, "target": 598}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 364, "target": 737}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 364, "target": 806}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 364, "target": 858}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 364, "target": 859}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 365, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 100.0, "strength": 0.0, "source": 368, "target": 369}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 369, "target": 707}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 369, "target": 783}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 371, "target": 437}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 371, "target": 558}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 100.0, "strength": 0.0, "source": 372, "target": 373}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 373, "target": 704}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 374, "target": 513}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 375, "target": 377}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 376, "target": 377}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 376, "target": 883}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 377, "target": 883}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 378, "target": 883}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 378, "target": 959}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 379, "target": 883}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 380, "target": 381}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 382, "target": 896}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 100.0, "strength": 0.0, "source": 384, "target": 385}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 386, "target": 430}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 389, "target": 737}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 389, "target": 859}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 390, "target": 721}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 390, "target": 737}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 390, "target": 783}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 391, "target": 864}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 392, "target": 654}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 392, "target": 846}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 393, "target": 437}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 393, "target": 438}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 393, "target": 558}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 393, "target": 789}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 394, "target": 516}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 394, "target": 899}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 395, "target": 635}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 395, "target": 903}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 396, "target": 397}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 396, "target": 553}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 397, "target": 399}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 397, "target": 553}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 398, "target": 399}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 400, "target": 402}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 400, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 401, "target": 402}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 401, "target": 404}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 402, "target": 404}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 402, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 403, "target": 404}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 405, "target": 406}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 407, "target": 408}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 407, "target": 676}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 407, "target": 710}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 407, "target": 889}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 407, "target": 942}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 408, "target": 676}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 408, "target": 710}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 408, "target": 889}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 408, "target": 942}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 409, "target": 676}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 409, "target": 710}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 410, "target": 411}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -6, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 411, "target": 437}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 411, "target": 438}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.9375, "source": 411, "target": 586}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 411, "target": 675}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 411, "target": 695}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 411, "target": 701}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -4, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 411, "target": 789}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.9375, "source": 411, "target": 846}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 411, "target": 893}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 411, "target": 896}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 412, "target": 701}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 412, "target": 706}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 413, "target": 414}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 413, "target": 708}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 414, "target": 708}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 415, "target": 708}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 415, "target": 710}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 100.0, "strength": 0.0, "source": 416, "target": 634}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 417, "target": 487}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 417, "target": 634}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 418, "target": 419}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 418, "target": 421}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 418, "target": 837}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 418, "target": 907}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 419, "target": 421}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 419, "target": 837}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 419, "target": 907}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 420, "target": 421}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 420, "target": 837}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 420, "target": 907}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 421, "target": 837}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 421, "target": 907}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 422, "target": 423}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 422, "target": 424}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 422, "target": 512}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 423, "target": 424}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 423, "target": 512}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 424, "target": 427}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 424, "target": 512}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 425, "target": 427}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 426, "target": 427}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 427, "target": 512}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 428, "target": 429}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 428, "target": 635}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 428, "target": 792}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 428, "target": 899}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 429, "target": 635}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 429, "target": 792}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 429, "target": 899}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 431, "target": 432}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 431, "target": 434}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 432, "target": 434}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 433, "target": 434}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 435, "target": 436}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 435, "target": 737}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 435, "target": 738}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 436, "target": 737}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 436, "target": 738}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 2, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 437, "target": 438}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 437, "target": 440}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 437, "target": 497}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 437, "target": 558}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.9375, "source": 437, "target": 586}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 437, "target": 701}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 437, "target": 789}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 5, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 437, "target": 893}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 438, "target": 440}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 438, "target": 558}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 438, "target": 586}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 438, "target": 729}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 438, "target": 768}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 438, "target": 789}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 438, "target": 836}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 439, "target": 440}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 439, "target": 705}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 440, "target": 705}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 441, "target": 443}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 442, "target": 443}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 443, "target": 574}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 443, "target": 862}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 444, "target": 445}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 445, "target": 862}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 446, "target": 586}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 447, "target": 450}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 447, "target": 484}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 3, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 447, "target": 586}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 447, "target": 819}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 448, "target": 450}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 449, "target": 450}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 449, "target": 843}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 449, "target": 844}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 449, "target": 889}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 449, "target": 938}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 450, "target": 586}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 450, "target": 738}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 450, "target": 843}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 450, "target": 844}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 450, "target": 889}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 450, "target": 938}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 451, "target": 512}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 451, "target": 527}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 451, "target": 586}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 451, "target": 847}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 451, "target": 895}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 452, "target": 634}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 453, "target": 654}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 454, "target": 455}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 454, "target": 865}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 454, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 455, "target": 457}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 455, "target": 865}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 455, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 456, "target": 457}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 456, "target": 862}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 457, "target": 862}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 457, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 458, "target": 512}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 458, "target": 738}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 458, "target": 860}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 458, "target": 865}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 458, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 458, "target": 890}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 458, "target": 891}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 458, "target": 934}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 458, "target": 963}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 460, "target": 461}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 460, "target": 462}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 461, "target": 462}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 463, "target": 464}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 463, "target": 574}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 463, "target": 629}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 464, "target": 465}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 464, "target": 574}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 464, "target": 629}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 465, "target": 467}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 465, "target": 629}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 466, "target": 467}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 100.0, "strength": 0.0, "source": 467, "target": 468}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 467, "target": 629}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 470, "target": 852}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 470, "target": 853}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 472, "target": 473}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 474, "target": 553}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 474, "target": 939}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 475, "target": 476}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 475, "target": 888}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 475, "target": 942}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 475, "target": 943}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 475, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 475, "target": 963}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 476, "target": 843}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 476, "target": 844}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 476, "target": 886}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 476, "target": 888}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 476, "target": 939}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 476, "target": 941}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 476, "target": 942}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 476, "target": 943}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 476, "target": 945}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 476, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 476, "target": 963}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 477, "target": 882}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 477, "target": 888}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 477, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 478, "target": 644}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 478, "target": 646}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 478, "target": 836}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 479, "target": 481}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 479, "target": 819}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 480, "target": 481}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 480, "target": 628}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 480, "target": 629}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 481, "target": 628}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 481, "target": 629}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 481, "target": 819}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 482, "target": 483}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 482, "target": 629}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 483, "target": 629}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 484, "target": 485}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 484, "target": 486}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 484, "target": 553}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.9375, "source": 484, "target": 586}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 484, "target": 629}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 484, "target": 727}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 484, "target": 934}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 485, "target": 486}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 485, "target": 629}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 486, "target": 629}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 487, "target": 584}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 487, "target": 604}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 487, "target": 634}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 487, "target": 635}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 487, "target": 683}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 487, "target": 852}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 487, "target": 875}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 487, "target": 921}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 488, "target": 876}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 490, "target": 491}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 490, "target": 494}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 490, "target": 676}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 491, "target": 494}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 491, "target": 676}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 492, "target": 494}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 493, "target": 494}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 493, "target": 676}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 494, "target": 676}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 497, "target": 498}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 497, "target": 516}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 497, "target": 558}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 499, "target": 654}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 500, "target": 654}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 501, "target": 602}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 502, "target": 503}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 502, "target": 602}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 502, "target": 727}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 502, "target": 934}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 502, "target": 962}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 503, "target": 727}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 503, "target": 962}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 504, "target": 791}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 504, "target": 806}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 504, "target": 836}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 505, "target": 506}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 505, "target": 583}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 506, "target": 583}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 506, "target": 791}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 506, "target": 792}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 507, "target": 583}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 507, "target": 629}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 508, "target": 629}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 509, "target": 629}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 510, "target": 513}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 510, "target": 574}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 510, "target": 819}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 511, "target": 512}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 5.0, "strength": 0.95, "source": 511, "target": 513}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 511, "target": 514}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 511, "target": 628}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 511, "target": 654}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 511, "target": 727}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 511, "target": 799}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 511, "target": 819}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -2, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 511, "target": 823}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -2, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 511, "target": 825}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -2, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 511, "target": 826}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 511, "target": 828}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 3, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 511, "target": 862}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 511, "target": 907}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 3, "distance": 5.0, "strength": 0.95, "source": 512, "target": 513}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 512, "target": 514}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.9375, "source": 512, "target": 586}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 512, "target": 727}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 512, "target": 799}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 512, "target": 819}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 512, "target": 862}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 512, "target": 864}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 512, "target": 907}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 513, "target": 514}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 513, "target": 574}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 513, "target": 654}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 513, "target": 680}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 513, "target": 705}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 513, "target": 799}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 5.0, "strength": 0.95, "source": 513, "target": 819}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 513, "target": 862}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 513, "target": 874}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -3, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 513, "target": 907}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 514, "target": 907}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 515, "target": 558}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 515, "target": 761}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 515, "target": 846}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 3, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 516, "target": 558}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 516, "target": 584}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 516, "target": 635}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 516, "target": 723}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 516, "target": 729}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 516, "target": 791}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 516, "target": 792}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 516, "target": 899}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 517, "target": 558}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 519, "target": 520}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 519, "target": 521}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 520, "target": 521}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 521, "target": 523}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 522, "target": 523}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 100.0, "strength": 0.0, "source": 524, "target": 525}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 526, "target": 527}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 526, "target": 729}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 527, "target": 729}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 527, "target": 846}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 527, "target": 895}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 528, "target": 634}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 528, "target": 635}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 528, "target": 900}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 528, "target": 920}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 528, "target": 921}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 529, "target": 862}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 529, "target": 864}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 530, "target": 531}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 530, "target": 862}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 530, "target": 864}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 530, "target": 868}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 531, "target": 862}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 531, "target": 864}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 531, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 532, "target": 761}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 532, "target": 864}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 532, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 533, "target": 534}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 533, "target": 584}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 533, "target": 729}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 534, "target": 584}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 534, "target": 729}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 534, "target": 899}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 535, "target": 875}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 536, "target": 705}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 538, "target": 707}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 538, "target": 849}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 539, "target": 848}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 539, "target": 849}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 540, "target": 541}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 540, "target": 701}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 540, "target": 849}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 541, "target": 701}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 541, "target": 849}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 541, "target": 877}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 542, "target": 874}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 542, "target": 875}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 542, "target": 876}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 542, "target": 877}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 543, "target": 692}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 543, "target": 705}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 543, "target": 837}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 543, "target": 880}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 544, "target": 692}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 544, "target": 883}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 545, "target": 695}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 545, "target": 738}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 545, "target": 886}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 545, "target": 889}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 545, "target": 891}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 545, "target": 942}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 545, "target": 943}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 545, "target": 944}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 545, "target": 945}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 545, "target": 951}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 545, "target": 963}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 546, "target": 695}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 547, "target": 698}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 548, "target": 698}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 550, "target": 551}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 550, "target": 705}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 551, "target": 705}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 551, "target": 706}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 552, "target": 553}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 552, "target": 556}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 552, "target": 705}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 553, "target": 556}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 553, "target": 680}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 553, "target": 705}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 553, "target": 727}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 553, "target": 799}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 554, "target": 555}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 554, "target": 556}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 554, "target": 939}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 555, "target": 556}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 555, "target": 939}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 556, "target": 705}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 556, "target": 939}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 557, "target": 938}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 557, "target": 939}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 557, "target": 943}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 557, "target": 944}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 557, "target": 945}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 557, "target": 946}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 557, "target": 947}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 558, "target": 559}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 558, "target": 723}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -3, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 558, "target": 729}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 558, "target": 761}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 558, "target": 789}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.9375, "source": 558, "target": 846}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 558, "target": 899}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 559, "target": 729}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 559, "target": 789}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 561, "target": 938}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 561, "target": 939}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 562, "target": 738}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 562, "target": 939}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 563, "target": 721}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 563, "target": 738}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 564, "target": 565}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 564, "target": 566}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 565, "target": 566}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 565, "target": 723}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 566, "target": 569}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 567, "target": 569}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 567, "target": 574}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 568, "target": 569}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 568, "target": 574}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 568, "target": 911}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 569, "target": 574}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 569, "target": 911}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 570, "target": 574}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 571, "target": 766}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 572, "target": 829}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 573, "target": 574}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 573, "target": 575}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 573, "target": 576}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 573, "target": 862}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 574, "target": 575}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 574, "target": 576}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 574, "target": 598}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 574, "target": 628}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 574, "target": 629}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 574, "target": 705}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 574, "target": 819}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 574, "target": 862}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 574, "target": 911}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 575, "target": 576}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 575, "target": 829}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 575, "target": 862}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 575, "target": 923}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 575, "target": 929}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 575, "target": 930}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 576, "target": 862}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 577, "target": 579}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 577, "target": 840}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 577, "target": 941}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 578, "target": 579}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 578, "target": 843}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 578, "target": 844}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 578, "target": 888}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 578, "target": 941}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 578, "target": 942}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 578, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 579, "target": 840}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 579, "target": 843}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 579, "target": 844}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 579, "target": 888}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 579, "target": 941}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 579, "target": 942}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 579, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 580, "target": 840}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 581, "target": 806}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 582, "target": 583}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 582, "target": 584}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 583, "target": 584}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 583, "target": 629}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 584, "target": 729}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 584, "target": 791}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 584, "target": 792}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 584, "target": 793}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 584, "target": 899}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 584, "target": 901}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 585, "target": 586}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 587, "target": 588}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 589, "target": 590}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 589, "target": 707}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 590, "target": 591}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 590, "target": 707}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 590, "target": 888}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 590, "target": 938}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 591, "target": 592}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 591, "target": 707}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 591, "target": 886}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 591, "target": 888}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 591, "target": 889}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 591, "target": 938}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 591, "target": 963}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 592, "target": 886}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 592, "target": 888}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 592, "target": 889}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 592, "target": 896}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 592, "target": 963}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 594, "target": 595}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 594, "target": 596}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 595, "target": 596}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 595, "target": 902}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 595, "target": 903}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 597, "target": 599}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 598, "target": 599}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 598, "target": 601}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 598, "target": 761}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 598, "target": 862}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 598, "target": 949}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 599, "target": 601}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 599, "target": 629}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 600, "target": 601}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 600, "target": 864}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 600, "target": 934}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 601, "target": 864}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 601, "target": 934}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 602, "target": 891}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 602, "target": 934}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 603, "target": 667}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 603, "target": 683}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 603, "target": 900}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 604, "target": 605}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 604, "target": 634}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 604, "target": 635}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 604, "target": 831}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 604, "target": 834}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 604, "target": 852}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 604, "target": 854}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 604, "target": 872}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 604, "target": 900}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 604, "target": 920}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 604, "target": 921}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 605, "target": 704}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 605, "target": 706}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 605, "target": 852}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 605, "target": 854}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 605, "target": 872}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 605, "target": 920}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 605, "target": 921}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 606, "target": 607}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 606, "target": 609}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 606, "target": 659}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 607, "target": 609}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 607, "target": 659}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 608, "target": 609}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 608, "target": 708}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 609, "target": 659}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 609, "target": 708}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 610, "target": 708}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 610, "target": 710}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 611, "target": 612}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 614, "target": 852}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 100.0, "strength": 0.0, "source": 615, "target": 618}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 616, "target": 617}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 616, "target": 618}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 616, "target": 843}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 616, "target": 844}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 616, "target": 886}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 616, "target": 941}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 616, "target": 942}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 616, "target": 943}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 616, "target": 944}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 616, "target": 945}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 616, "target": 946}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 616, "target": 951}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 617, "target": 618}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 617, "target": 619}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 617, "target": 843}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 617, "target": 844}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 617, "target": 886}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 617, "target": 941}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 617, "target": 942}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 617, "target": 943}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 617, "target": 944}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 617, "target": 945}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 617, "target": 946}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 617, "target": 951}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 618, "target": 619}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 618, "target": 843}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 618, "target": 844}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 618, "target": 886}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 618, "target": 941}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 618, "target": 942}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 618, "target": 943}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 618, "target": 944}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 618, "target": 945}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 618, "target": 946}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 618, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 619, "target": 621}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 619, "target": 646}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 619, "target": 695}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 619, "target": 843}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 619, "target": 844}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 619, "target": 886}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 619, "target": 941}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 619, "target": 942}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 619, "target": 943}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 619, "target": 944}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 619, "target": 945}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 620, "target": 621}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 620, "target": 645}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 620, "target": 646}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 621, "target": 645}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 621, "target": 646}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 621, "target": 695}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 622, "target": 623}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 622, "target": 645}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 622, "target": 792}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 623, "target": 644}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 623, "target": 645}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 623, "target": 646}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 624, "target": 626}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 625, "target": 626}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 626, "target": 706}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 626, "target": 829}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 627, "target": 628}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 627, "target": 819}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 627, "target": 825}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 628, "target": 629}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 628, "target": 705}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 628, "target": 819}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 628, "target": 823}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -2, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 628, "target": 825}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -2, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 628, "target": 826}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 628, "target": 828}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 628, "target": 862}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 629, "target": 631}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 629, "target": 819}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 630, "target": 631}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 630, "target": 934}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 630, "target": 947}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 631, "target": 632}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 631, "target": 819}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 631, "target": 934}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 631, "target": 946}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 631, "target": 947}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 632, "target": 934}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 632, "target": 946}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 632, "target": 947}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 632, "target": 961}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 633, "target": 806}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 633, "target": 848}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 5.0, "strength": 0.95, "source": 634, "target": 635}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 634, "target": 793}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 634, "target": 832}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 634, "target": 834}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 634, "target": 853}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 634, "target": 854}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 634, "target": 872}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 634, "target": 900}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 634, "target": 920}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 634, "target": 921}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 634, "target": 922}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 635, "target": 792}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 635, "target": 853}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 635, "target": 854}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 635, "target": 872}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 3, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 635, "target": 899}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 635, "target": 900}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.0, "strength": 0.96, "source": 635, "target": 902}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 635, "target": 903}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 635, "target": 920}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 635, "target": 921}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 635, "target": 922}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 635, "target": 923}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 635, "target": 929}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 635, "target": 930}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 635, "target": 931}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 636, "target": 638}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 636, "target": 837}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 637, "target": 638}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 638, "target": 837}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 639, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 641, "target": 643}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 642, "target": 643}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 642, "target": 646}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 643, "target": 646}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 644, "target": 645}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 644, "target": 646}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 644, "target": 792}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 644, "target": 836}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 2, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 645, "target": 646}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 645, "target": 792}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 646, "target": 695}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 646, "target": 792}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 646, "target": 836}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 648, "target": 891}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 648, "target": 962}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 649, "target": 886}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 649, "target": 963}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 650, "target": 651}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 650, "target": 738}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 650, "target": 889}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 650, "target": 890}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 650, "target": 942}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 650, "target": 963}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 651, "target": 737}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 651, "target": 738}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 651, "target": 889}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 651, "target": 890}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 651, "target": 942}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 651, "target": 963}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 653, "target": 654}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 653, "target": 750}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 653, "target": 846}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 653, "target": 848}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 653, "target": 850}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 654, "target": 750}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.9375, "source": 654, "target": 846}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 654, "target": 848}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 654, "target": 850}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 654, "target": 862}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 655, "target": 656}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 655, "target": 850}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 655, "target": 872}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 656, "target": 850}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 656, "target": 872}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 657, "target": 660}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 658, "target": 659}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 658, "target": 660}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 658, "target": 661}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 659, "target": 660}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 659, "target": 661}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 659, "target": 910}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 659, "target": 911}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 660, "target": 661}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 662, "target": 663}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 662, "target": 665}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 662, "target": 911}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 663, "target": 665}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 663, "target": 911}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 664, "target": 665}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 665, "target": 911}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 667, "target": 683}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 667, "target": 852}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 667, "target": 900}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 667, "target": 924}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 667, "target": 930}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 668, "target": 670}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 668, "target": 683}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 668, "target": 706}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 669, "target": 670}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 669, "target": 672}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 669, "target": 704}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 670, "target": 672}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 670, "target": 683}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 670, "target": 704}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 670, "target": 706}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 671, "target": 672}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 672, "target": 704}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 674, "target": 710}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 674, "target": 934}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 674, "target": 938}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 10.0, "strength": 0.9, "source": 675, "target": 676}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 25.0, "strength": 0.75, "source": 675, "target": 677}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 675, "target": 695}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 675, "target": 710}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 675, "target": 889}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 675, "target": 893}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 675, "target": 897}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 676, "target": 677}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 2, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 676, "target": 710}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 676, "target": 889}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 676, "target": 894}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -4, "distance": 12.5, "strength": 0.875, "source": 676, "target": 897}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 676, "target": 942}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 25.0, "strength": 0.75, "source": 677, "target": 710}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 677, "target": 897}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 678, "target": 872}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 679, "target": 873}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 679, "target": 874}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 679, "target": 875}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 679, "target": 876}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 680, "target": 727}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 680, "target": 799}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 680, "target": 837}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 680, "target": 879}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 680, "target": 880}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 680, "target": 907}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 681, "target": 881}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 681, "target": 882}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 682, "target": 882}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 682, "target": 891}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 683, "target": 706}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 2, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 683, "target": 852}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 683, "target": 853}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 683, "target": 854}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 683, "target": 872}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 683, "target": 875}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 683, "target": 900}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 683, "target": 902}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 683, "target": 903}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 683, "target": 920}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 683, "target": 921}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 683, "target": 924}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 683, "target": 925}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 683, "target": 926}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 683, "target": 927}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 683, "target": 930}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 683, "target": 931}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 684, "target": 686}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 684, "target": 819}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 684, "target": 910}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 684, "target": 911}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 685, "target": 686}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 685, "target": 783}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 686, "target": 783}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 686, "target": 819}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 686, "target": 910}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 686, "target": 911}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 687, "target": 707}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 687, "target": 783}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 687, "target": 865}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 687, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 691, "target": 825}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 692, "target": 693}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 692, "target": 705}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 692, "target": 837}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.9375, "source": 692, "target": 880}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 692, "target": 881}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 692, "target": 883}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 692, "target": 886}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 692, "target": 939}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 692, "target": 944}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 692, "target": 945}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 692, "target": 959}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 692, "target": 961}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 692, "target": 964}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 692, "target": 965}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 693, "target": 881}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 693, "target": 886}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 693, "target": 943}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 693, "target": 944}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 693, "target": 945}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 693, "target": 959}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 693, "target": 964}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 693, "target": 965}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 694, "target": 695}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 694, "target": 697}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 694, "target": 721}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 694, "target": 738}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 694, "target": 774}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 695, "target": 697}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 695, "target": 721}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 695, "target": 738}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 695, "target": 774}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 695, "target": 889}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 695, "target": 891}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 695, "target": 893}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 695, "target": 942}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 695, "target": 943}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 695, "target": 951}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 695, "target": 963}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 696, "target": 697}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 696, "target": 698}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 697, "target": 698}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 697, "target": 721}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 698, "target": 832}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 700, "target": 701}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 700, "target": 702}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 700, "target": 705}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 700, "target": 706}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 701, "target": 702}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 701, "target": 705}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 701, "target": 706}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 701, "target": 789}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 701, "target": 849}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 702, "target": 704}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 702, "target": 705}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 702, "target": 706}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 702, "target": 849}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 703, "target": 704}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 703, "target": 705}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 703, "target": 706}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 704, "target": 705}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 704, "target": 706}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 704, "target": 849}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 705, "target": 706}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 705, "target": 837}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 705, "target": 849}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 3, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 705, "target": 874}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.9375, "source": 705, "target": 880}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 706, "target": 829}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 707, "target": 709}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 707, "target": 710}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 707, "target": 737}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 707, "target": 783}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 707, "target": 849}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 707, "target": 859}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 707, "target": 860}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 707, "target": 865}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 707, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 707, "target": 888}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 5.0, "strength": 0.95, "source": 707, "target": 889}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 707, "target": 890}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 707, "target": 938}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 708, "target": 709}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 708, "target": 710}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 708, "target": 883}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 709, "target": 710}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 100.0, "strength": 0.0, "source": 710, "target": 711}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 710, "target": 889}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 710, "target": 934}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 710, "target": 938}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 710, "target": 942}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 713, "target": 714}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 713, "target": 716}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 714, "target": 716}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 715, "target": 716}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 716, "target": 717}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 717, "target": 781}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 717, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 718, "target": 864}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 719, "target": 720}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 720, "target": 721}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 720, "target": 858}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 720, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 721, "target": 737}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 721, "target": 738}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 721, "target": 783}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 721, "target": 858}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 721, "target": 859}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 721, "target": 860}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 721, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 722, "target": 723}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 723, "target": 729}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 723, "target": 766}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 725, "target": 882}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 725, "target": 960}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 725, "target": 961}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 725, "target": 962}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 725, "target": 964}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 725, "target": 965}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 726, "target": 727}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 726, "target": 882}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 727, "target": 774}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 727, "target": 799}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 727, "target": 882}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 727, "target": 883}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 727, "target": 962}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 728, "target": 729}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 728, "target": 768}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 729, "target": 768}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 729, "target": 792}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 729, "target": 899}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 730, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 735, "target": 736}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 735, "target": 737}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 735, "target": 738}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 735, "target": 858}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 735, "target": 859}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 735, "target": 890}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 736, "target": 737}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 736, "target": 738}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 736, "target": 858}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 736, "target": 859}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 736, "target": 860}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 736, "target": 890}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 737, "target": 738}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 737, "target": 783}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 737, "target": 858}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 737, "target": 859}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 737, "target": 860}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 737, "target": 890}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 737, "target": 942}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 737, "target": 963}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 738, "target": 774}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 738, "target": 858}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 738, "target": 859}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 738, "target": 860}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 738, "target": 889}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 738, "target": 890}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 738, "target": 891}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 738, "target": 934}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 738, "target": 942}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 738, "target": 951}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 2, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 738, "target": 963}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 740, "target": 741}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 740, "target": 768}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 741, "target": 768}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 742, "target": 791}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 743, "target": 771}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 744, "target": 843}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 744, "target": 844}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 744, "target": 865}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 744, "target": 942}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 744, "target": 943}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 744, "target": 944}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 744, "target": 945}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 745, "target": 865}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 746, "target": 747}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 746, "target": 783}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 747, "target": 783}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 747, "target": 865}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 748, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 748, "target": 937}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 748, "target": 947}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 749, "target": 937}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 749, "target": 938}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 749, "target": 944}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 749, "target": 945}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 749, "target": 946}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 749, "target": 947}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 750, "target": 846}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 750, "target": 848}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 750, "target": 850}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 751, "target": 872}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 751, "target": 903}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 751, "target": 904}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 751, "target": 924}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 751, "target": 925}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 751, "target": 926}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 751, "target": 927}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 751, "target": 929}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 751, "target": 930}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 751, "target": 931}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 752, "target": 879}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 753, "target": 837}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 753, "target": 879}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 753, "target": 880}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 754, "target": 756}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 754, "target": 837}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 755, "target": 756}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 755, "target": 757}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 755, "target": 964}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 755, "target": 965}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 756, "target": 757}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 756, "target": 837}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 756, "target": 881}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 756, "target": 959}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 756, "target": 964}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 756, "target": 965}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 757, "target": 881}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 757, "target": 891}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 757, "target": 959}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 757, "target": 962}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 757, "target": 963}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 757, "target": 964}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 757, "target": 965}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 759, "target": 781}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 759, "target": 911}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 760, "target": 761}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 760, "target": 764}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 760, "target": 914}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 761, "target": 764}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.9375, "source": 761, "target": 846}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 761, "target": 864}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 5.0, "strength": 0.95, "source": 761, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 761, "target": 914}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 761, "target": 949}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 762, "target": 764}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 762, "target": 880}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 763, "target": 764}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 763, "target": 765}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 764, "target": 765}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 764, "target": 880}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 764, "target": 914}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 765, "target": 766}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 766, "target": 775}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 766, "target": 848}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 767, "target": 768}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 767, "target": 852}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 767, "target": 854}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 767, "target": 900}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 767, "target": 901}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 767, "target": 923}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 767, "target": 924}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 767, "target": 925}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 767, "target": 926}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 767, "target": 927}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 767, "target": 929}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 767, "target": 930}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 767, "target": 931}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 768, "target": 901}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 768, "target": 925}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 768, "target": 929}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 768, "target": 930}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 768, "target": 931}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 769, "target": 770}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 769, "target": 901}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 769, "target": 903}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 769, "target": 924}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 769, "target": 925}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 769, "target": 926}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 769, "target": 927}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 769, "target": 929}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 769, "target": 930}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 769, "target": 931}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 770, "target": 901}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 770, "target": 903}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 770, "target": 924}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 770, "target": 925}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 770, "target": 926}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 770, "target": 927}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 770, "target": 929}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 770, "target": 930}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 770, "target": 931}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 771, "target": 843}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 771, "target": 844}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 771, "target": 881}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 771, "target": 943}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 771, "target": 944}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 771, "target": 945}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 771, "target": 946}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 771, "target": 964}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 772, "target": 773}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 772, "target": 881}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 772, "target": 943}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 772, "target": 944}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 772, "target": 945}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 772, "target": 946}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 772, "target": 964}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 772, "target": 965}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 773, "target": 774}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 773, "target": 881}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 773, "target": 943}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 773, "target": 944}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 773, "target": 945}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 773, "target": 946}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 773, "target": 951}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 773, "target": 961}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 773, "target": 964}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 773, "target": 965}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 774, "target": 775}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 774, "target": 886}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 774, "target": 951}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 774, "target": 961}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 774, "target": 962}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 774, "target": 965}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 775, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 779, "target": 781}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 779, "target": 853}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 779, "target": 929}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 780, "target": 781}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 780, "target": 782}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 780, "target": 784}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 780, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 780, "target": 825}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 780, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 781, "target": 782}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 781, "target": 784}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 781, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 781, "target": 825}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 781, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 781, "target": 853}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 781, "target": 904}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 781, "target": 911}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 781, "target": 924}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 781, "target": 926}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 781, "target": 927}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 781, "target": 929}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 781, "target": 930}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 781, "target": 931}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 782, "target": 784}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 782, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 782, "target": 825}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 782, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 783, "target": 784}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 783, "target": 859}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 783, "target": 860}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 783, "target": 864}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 783, "target": 865}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -2, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 783, "target": 868}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 784, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 784, "target": 825}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 784, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 785, "target": 937}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 785, "target": 938}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 785, "target": 941}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 785, "target": 943}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 785, "target": 944}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 785, "target": 945}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 785, "target": 946}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 785, "target": 947}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 785, "target": 951}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 786, "target": 787}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 786, "target": 843}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 786, "target": 844}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 786, "target": 938}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 786, "target": 941}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 786, "target": 942}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 786, "target": 944}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 786, "target": 945}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 786, "target": 946}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 786, "target": 964}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 787, "target": 843}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 787, "target": 844}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 787, "target": 938}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 787, "target": 941}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 787, "target": 942}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 787, "target": 944}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 787, "target": 945}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 787, "target": 946}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 787, "target": 964}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 788, "target": 938}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 789, "target": 806}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 789, "target": 848}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 3, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 789, "target": 893}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 790, "target": 791}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 790, "target": 792}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 790, "target": 793}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 790, "target": 854}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 791, "target": 792}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 791, "target": 793}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 791, "target": 806}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 791, "target": 836}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 791, "target": 854}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 792, "target": 793}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 792, "target": 854}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 792, "target": 899}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 792, "target": 902}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 792, "target": 903}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 792, "target": 904}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 793, "target": 832}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 793, "target": 853}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 793, "target": 854}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -3, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 793, "target": 920}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -3, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 793, "target": 921}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 793, "target": 922}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 794, "target": 854}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 794, "target": 920}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 794, "target": 921}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 795, "target": 800}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 796, "target": 800}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 796, "target": 840}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 796, "target": 953}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 797, "target": 800}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 798, "target": 799}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 798, "target": 800}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 799, "target": 800}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 799, "target": 882}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 800, "target": 840}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 800, "target": 953}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 801, "target": 802}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 801, "target": 891}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 801, "target": 949}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 801, "target": 953}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 801, "target": 962}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 802, "target": 891}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 802, "target": 949}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 802, "target": 953}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 802, "target": 962}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 803, "target": 804}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 805, "target": 806}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 806, "target": 836}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 806, "target": 848}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 807, "target": 808}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 807, "target": 809}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 808, "target": 809}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 810, "target": 813}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 811, "target": 812}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 811, "target": 813}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 811, "target": 824}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 811, "target": 825}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 811, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 811, "target": 828}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 811, "target": 910}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 811, "target": 911}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 812, "target": 813}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 812, "target": 824}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 812, "target": 825}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 812, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 812, "target": 828}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 812, "target": 910}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 812, "target": 911}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 812, "target": 914}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 813, "target": 824}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 813, "target": 825}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 813, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 813, "target": 828}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 813, "target": 910}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 813, "target": 911}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 813, "target": 914}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 814, "target": 822}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 814, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 814, "target": 824}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 814, "target": 825}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 814, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 814, "target": 827}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 814, "target": 828}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 814, "target": 911}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 815, "target": 816}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 815, "target": 822}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 815, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 815, "target": 824}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 815, "target": 825}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 815, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 815, "target": 827}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 815, "target": 828}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 816, "target": 821}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 816, "target": 822}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 816, "target": 823}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 816, "target": 824}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 816, "target": 825}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 816, "target": 826}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 816, "target": 827}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 816, "target": 828}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 817, "target": 822}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 817, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 817, "target": 824}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 817, "target": 825}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 817, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 817, "target": 827}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 817, "target": 828}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 817, "target": 911}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 818, "target": 819}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 818, "target": 822}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 818, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 818, "target": 824}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 818, "target": 825}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 818, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 818, "target": 827}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 818, "target": 828}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 818, "target": 829}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 818, "target": 911}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.9375, "source": 819, "target": 822}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 819, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 819, "target": 824}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 2, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 819, "target": 825}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 819, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 819, "target": 827}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 819, "target": 828}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 819, "target": 829}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 819, "target": 910}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 819, "target": 911}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 820, "target": 821}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 820, "target": 822}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 820, "target": 823}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 820, "target": 824}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 820, "target": 825}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 820, "target": 826}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 820, "target": 827}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 820, "target": 828}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 820, "target": 829}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 10.0, "strength": 0.9, "source": 821, "target": 822}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 10.0, "strength": 0.9, "source": 821, "target": 823}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 10.0, "strength": 0.9, "source": 821, "target": 824}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 10.0, "strength": 0.9, "source": 821, "target": 825}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 10.0, "strength": 0.9, "source": 821, "target": 826}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 10.0, "strength": 0.9, "source": 821, "target": 827}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 10.0, "strength": 0.9, "source": 821, "target": 828}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 821, "target": 829}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.9375, "source": 822, "target": 823}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.9375, "source": 822, "target": 824}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.9375, "source": 822, "target": 825}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.9375, "source": 822, "target": 826}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.9375, "source": 822, "target": 827}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.9375, "source": 822, "target": 828}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.9375, "source": 822, "target": 829}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.9375, "source": 822, "target": 911}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 823, "target": 824}, {"value": 16, "size": 16, "kind": "intersection", "n_directional": -1, "distance": 2.631578947368421, "strength": 0.9736842105263158, "source": 823, "target": 825}, {"value": 17, "size": 17, "kind": "intersection", "n_directional": 0, "distance": 2.631578947368421, "strength": 0.9736842105263158, "source": 823, "target": 826}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 823, "target": 827}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 1, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 823, "target": 828}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 823, "target": 829}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 823, "target": 862}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 2.631578947368421, "strength": 0.9736842105263158, "source": 823, "target": 911}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 824, "target": 825}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 824, "target": 826}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 824, "target": 827}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 824, "target": 828}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 824, "target": 829}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 824, "target": 910}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 824, "target": 911}, {"value": 17, "size": 17, "kind": "intersection", "n_directional": 1, "distance": 2.4390243902439024, "strength": 0.975609756097561, "source": 825, "target": 826}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 825, "target": 827}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 0, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 825, "target": 828}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 825, "target": 829}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 825, "target": 862}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 825, "target": 910}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 2.5, "strength": 0.975, "source": 825, "target": 911}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 826, "target": 827}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 0, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 826, "target": 828}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 826, "target": 829}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 826, "target": 862}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 826, "target": 910}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 2.5, "strength": 0.975, "source": 826, "target": 911}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 827, "target": 828}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 827, "target": 829}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 827, "target": 900}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 827, "target": 911}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 828, "target": 829}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 828, "target": 862}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 828, "target": 900}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 828, "target": 910}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 828, "target": 911}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 829, "target": 900}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 829, "target": 904}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 829, "target": 911}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 829, "target": 923}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 829, "target": 929}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 829, "target": 930}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 830, "target": 831}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 830, "target": 832}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 830, "target": 834}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 830, "target": 838}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 831, "target": 832}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 831, "target": 834}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 831, "target": 838}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 831, "target": 900}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 832, "target": 834}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 832, "target": 838}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 832, "target": 852}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 832, "target": 874}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 832, "target": 877}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 832, "target": 902}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 832, "target": 903}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 832, "target": 904}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 832, "target": 924}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 832, "target": 925}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 833, "target": 834}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 833, "target": 838}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 833, "target": 839}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 834, "target": 838}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 834, "target": 839}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 835, "target": 836}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 835, "target": 837}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 835, "target": 838}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 835, "target": 839}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 835, "target": 840}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 835, "target": 849}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 836, "target": 837}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 836, "target": 838}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 836, "target": 839}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 836, "target": 840}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 836, "target": 849}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 837, "target": 838}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 837, "target": 839}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 837, "target": 840}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 837, "target": 849}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 837, "target": 879}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.9375, "source": 837, "target": 880}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 837, "target": 907}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 838, "target": 839}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 838, "target": 840}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 838, "target": 849}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 839, "target": 840}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 839, "target": 842}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 839, "target": 843}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 839, "target": 844}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 839, "target": 849}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 839, "target": 941}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 839, "target": 942}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 840, "target": 841}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 840, "target": 842}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 840, "target": 843}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 840, "target": 844}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 840, "target": 849}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 840, "target": 938}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 840, "target": 941}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 840, "target": 942}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -3, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 840, "target": 943}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 840, "target": 945}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 840, "target": 947}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -3, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 840, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 840, "target": 953}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 841, "target": 842}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 841, "target": 843}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 841, "target": 844}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 841, "target": 889}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 841, "target": 938}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 841, "target": 941}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 841, "target": 942}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 841, "target": 943}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 841, "target": 945}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 841, "target": 951}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 842, "target": 843}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 842, "target": 844}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 842, "target": 889}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 842, "target": 938}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 842, "target": 941}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 842, "target": 942}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -2, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 842, "target": 943}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 842, "target": 945}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -2, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 842, "target": 951}, {"value": 20, "size": 20, "kind": "intersection", "n_directional": 0, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 843, "target": 844}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 843, "target": 865}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 843, "target": 881}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 843, "target": 886}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 843, "target": 888}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 843, "target": 889}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 843, "target": 937}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 0, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 843, "target": 938}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 843, "target": 939}, {"value": 16, "size": 16, "kind": "intersection", "n_directional": 0, "distance": 2.941176470588235, "strength": 0.9705882352941176, "source": 843, "target": 941}, {"value": 17, "size": 17, "kind": "intersection", "n_directional": -1, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 843, "target": 942}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 843, "target": 943}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 843, "target": 944}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 0, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 843, "target": 945}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 843, "target": 946}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.125, "strength": 0.96875, "source": 843, "target": 947}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 843, "target": 951}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 843, "target": 964}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 843, "target": 965}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 844, "target": 865}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 844, "target": 881}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 844, "target": 886}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 844, "target": 888}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 844, "target": 889}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 844, "target": 937}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 0, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 844, "target": 938}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 844, "target": 939}, {"value": 17, "size": 17, "kind": "intersection", "n_directional": 0, "distance": 2.941176470588235, "strength": 0.9705882352941176, "source": 844, "target": 941}, {"value": 17, "size": 17, "kind": "intersection", "n_directional": -1, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 844, "target": 942}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 844, "target": 943}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 844, "target": 944}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 0, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 844, "target": 945}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 844, "target": 946}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.125, "strength": 0.96875, "source": 844, "target": 947}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 844, "target": 951}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 844, "target": 964}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 844, "target": 965}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 845, "target": 846}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 845, "target": 847}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 845, "target": 848}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 845, "target": 849}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 846, "target": 847}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 846, "target": 848}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.9375, "source": 846, "target": 849}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 846, "target": 850}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.9375, "source": 846, "target": 893}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 846, "target": 895}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 847, "target": 848}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 847, "target": 849}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 848, "target": 849}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 848, "target": 850}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 848, "target": 894}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 848, "target": 896}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 850, "target": 851}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 850, "target": 872}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 850, "target": 921}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 851, "target": 852}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 851, "target": 853}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 851, "target": 854}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 851, "target": 872}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 851, "target": 903}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 851, "target": 920}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 851, "target": 921}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 851, "target": 922}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -1, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 852, "target": 853}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 3.3333333333333335, "strength": 0.9666666666666667, "source": 852, "target": 854}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 852, "target": 855}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 3, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 852, "target": 872}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 852, "target": 874}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 852, "target": 875}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 852, "target": 877}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 852, "target": 900}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -2, "distance": 4.0, "strength": 0.96, "source": 852, "target": 902}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 852, "target": 903}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 852, "target": 904}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": 2, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 852, "target": 920}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 1, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 852, "target": 921}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 852, "target": 922}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 852, "target": 924}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 852, "target": 925}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 852, "target": 926}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 3.125, "strength": 0.96875, "source": 852, "target": 927}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 852, "target": 931}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 4, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 853, "target": 854}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 853, "target": 855}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 3, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 853, "target": 872}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 853, "target": 900}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 853, "target": 901}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.0, "strength": 0.96, "source": 853, "target": 902}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 853, "target": 903}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": 3, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 853, "target": 920}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 2, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 853, "target": 921}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 853, "target": 922}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 853, "target": 923}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 853, "target": 924}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 853, "target": 925}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 853, "target": 926}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 853, "target": 927}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 853, "target": 929}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 853, "target": 930}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 853, "target": 931}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 854, "target": 855}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 3.3333333333333335, "strength": 0.9666666666666667, "source": 854, "target": 872}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 854, "target": 900}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 4.0, "strength": 0.96, "source": 854, "target": 902}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 3.3333333333333335, "strength": 0.9666666666666667, "source": 854, "target": 903}, {"value": 15, "size": 15, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 854, "target": 920}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 0, "distance": 3.3333333333333335, "strength": 0.9666666666666667, "source": 854, "target": 921}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 854, "target": 922}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 854, "target": 923}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -2, "distance": 3.3333333333333335, "strength": 0.9666666666666667, "source": 854, "target": 924}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -3, "distance": 3.3333333333333335, "strength": 0.9666666666666667, "source": 854, "target": 925}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 3.3333333333333335, "strength": 0.9666666666666667, "source": 854, "target": 926}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -3, "distance": 3.3333333333333335, "strength": 0.9666666666666667, "source": 854, "target": 927}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -4, "distance": 3.3333333333333335, "strength": 0.9666666666666667, "source": 854, "target": 931}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 855, "target": 872}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 855, "target": 920}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 855, "target": 921}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 855, "target": 922}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 856, "target": 910}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 856, "target": 911}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 857, "target": 858}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 857, "target": 859}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 857, "target": 860}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 857, "target": 863}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 857, "target": 890}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 2, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 858, "target": 859}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 858, "target": 860}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 858, "target": 863}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 858, "target": 864}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 858, "target": 890}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -2, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 859, "target": 860}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 859, "target": 863}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 859, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 859, "target": 886}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 859, "target": 889}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 859, "target": 890}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 859, "target": 891}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 859, "target": 961}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 859, "target": 963}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 860, "target": 863}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 860, "target": 864}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 860, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 860, "target": 889}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 3, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 860, "target": 890}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 860, "target": 910}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 860, "target": 911}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 860, "target": 963}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 861, "target": 862}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 861, "target": 863}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 861, "target": 864}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 861, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 862, "target": 863}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 862, "target": 864}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 862, "target": 868}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 863, "target": 864}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 863, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 863, "target": 890}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 863, "target": 910}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 863, "target": 911}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 864, "target": 867}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -4, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 864, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 864, "target": 910}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 864, "target": 911}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 864, "target": 934}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 864, "target": 949}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 865, "target": 867}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 865, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 865, "target": 889}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 865, "target": 890}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 865, "target": 934}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 865, "target": 942}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 865, "target": 943}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 865, "target": 944}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 865, "target": 945}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 865, "target": 949}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 865, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 865, "target": 953}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 866, "target": 867}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 866, "target": 868}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 866, "target": 949}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 866, "target": 953}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 867, "target": 868}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 867, "target": 949}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 867, "target": 951}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 867, "target": 953}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 868, "target": 934}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 868, "target": 937}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.125, "strength": 0.96875, "source": 868, "target": 947}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 868, "target": 949}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 868, "target": 951}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 868, "target": 953}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 869, "target": 871}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 869, "target": 930}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 870, "target": 871}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 870, "target": 903}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 870, "target": 904}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 870, "target": 924}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 870, "target": 925}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 870, "target": 926}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 870, "target": 927}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 870, "target": 929}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 870, "target": 930}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 870, "target": 931}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 871, "target": 903}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 871, "target": 904}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 871, "target": 924}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 871, "target": 925}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 871, "target": 926}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 871, "target": 927}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 871, "target": 929}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 871, "target": 930}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 871, "target": 931}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 872, "target": 876}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 872, "target": 877}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 872, "target": 900}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 872, "target": 901}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 4.0, "strength": 0.96, "source": 872, "target": 902}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 872, "target": 903}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 872, "target": 904}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 872, "target": 920}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": -2, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 872, "target": 921}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 872, "target": 922}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 872, "target": 924}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 872, "target": 925}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 872, "target": 926}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 3.125, "strength": 0.96875, "source": 872, "target": 927}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 872, "target": 929}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 872, "target": 930}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 872, "target": 931}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 873, "target": 874}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 873, "target": 875}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 873, "target": 876}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 873, "target": 877}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 873, "target": 903}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 874, "target": 875}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 874, "target": 876}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 4, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 874, "target": 877}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 3, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 874, "target": 902}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 5, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 874, "target": 903}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 874, "target": 904}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 3, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 874, "target": 924}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 3, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 874, "target": 925}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 875, "target": 876}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 875, "target": 877}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 3, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 875, "target": 903}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 876, "target": 877}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 876, "target": 901}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 876, "target": 902}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 876, "target": 903}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 876, "target": 904}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 876, "target": 921}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 876, "target": 924}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 876, "target": 925}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 876, "target": 927}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 876, "target": 930}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 877, "target": 901}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 877, "target": 902}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 877, "target": 903}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 877, "target": 904}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 877, "target": 921}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 877, "target": 924}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 877, "target": 925}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 877, "target": 926}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 877, "target": 927}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 877, "target": 930}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 878, "target": 879}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 878, "target": 880}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 878, "target": 959}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 879, "target": 880}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 879, "target": 959}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 6.25, "strength": 0.9375, "source": 880, "target": 881}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 6.25, "strength": 0.9375, "source": 880, "target": 883}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.9375, "source": 880, "target": 959}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.9375, "source": 880, "target": 961}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 6.25, "strength": 0.9375, "source": 880, "target": 964}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.9375, "source": 880, "target": 965}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -2, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 881, "target": 882}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 881, "target": 883}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -2, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 881, "target": 886}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 881, "target": 937}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 881, "target": 938}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 881, "target": 943}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 881, "target": 944}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 881, "target": 945}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 881, "target": 946}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 881, "target": 947}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 881, "target": 959}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 881, "target": 960}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 881, "target": 961}, {"value": 15, "size": 15, "kind": "intersection", "n_directional": -1, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 881, "target": 964}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": -2, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 881, "target": 965}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 882, "target": 883}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 882, "target": 884}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 882, "target": 888}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 882, "target": 891}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 882, "target": 951}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 882, "target": 959}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 882, "target": 960}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 882, "target": 961}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 882, "target": 962}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 882, "target": 964}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 2, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 882, "target": 965}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 883, "target": 884}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -3, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 883, "target": 886}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 883, "target": 959}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 883, "target": 960}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 883, "target": 961}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 883, "target": 962}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 883, "target": 964}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 883, "target": 965}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 884, "target": 891}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 884, "target": 960}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 884, "target": 961}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 884, "target": 962}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 884, "target": 963}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 884, "target": 965}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 885, "target": 886}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 885, "target": 889}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 885, "target": 890}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 885, "target": 891}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 885, "target": 961}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 885, "target": 962}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 885, "target": 963}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 886, "target": 888}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.7027027027027026, "strength": 0.972972972972973, "source": 886, "target": 889}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 3.3333333333333335, "strength": 0.9666666666666667, "source": 886, "target": 890}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 3.125, "strength": 0.96875, "source": 886, "target": 891}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.7027027027027026, "strength": 0.972972972972973, "source": 886, "target": 938}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 886, "target": 939}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 2.941176470588235, "strength": 0.9705882352941176, "source": 886, "target": 941}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 2.7027027027027026, "strength": 0.972972972972973, "source": 886, "target": 942}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 2.7027027027027026, "strength": 0.972972972972973, "source": 886, "target": 943}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 2.7027027027027026, "strength": 0.972972972972973, "source": 886, "target": 944}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 2.7027027027027026, "strength": 0.972972972972973, "source": 886, "target": 945}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 2.7027027027027026, "strength": 0.972972972972973, "source": 886, "target": 951}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 886, "target": 959}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 3, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 886, "target": 961}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 886, "target": 962}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -2, "distance": 2.7027027027027026, "strength": 0.972972972972973, "source": 886, "target": 963}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 2.7027027027027026, "strength": 0.972972972972973, "source": 886, "target": 964}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 2, "distance": 2.7027027027027026, "strength": 0.972972972972973, "source": 886, "target": 965}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 887, "target": 888}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 887, "target": 889}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 887, "target": 890}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 887, "target": 891}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 887, "target": 963}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 888, "target": 889}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.3333333333333335, "strength": 0.9666666666666667, "source": 888, "target": 890}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.125, "strength": 0.96875, "source": 888, "target": 891}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 888, "target": 938}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 888, "target": 939}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.941176470588235, "strength": 0.9705882352941176, "source": 888, "target": 941}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 888, "target": 942}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 888, "target": 943}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 888, "target": 944}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 888, "target": 945}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 888, "target": 951}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 888, "target": 961}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -2, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 888, "target": 963}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 888, "target": 964}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 888, "target": 965}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 4, "distance": 3.3333333333333335, "strength": 0.9666666666666667, "source": 889, "target": 890}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 2, "distance": 3.125, "strength": 0.96875, "source": 889, "target": 891}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 889, "target": 893}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 889, "target": 934}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 2.5, "strength": 0.975, "source": 889, "target": 938}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.941176470588235, "strength": 0.9705882352941176, "source": 889, "target": 941}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 3, "distance": 2.380952380952381, "strength": 0.9761904761904762, "source": 889, "target": 942}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 2.380952380952381, "strength": 0.9761904761904762, "source": 889, "target": 943}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.380952380952381, "strength": 0.9761904761904762, "source": 889, "target": 944}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 2.380952380952381, "strength": 0.9761904761904762, "source": 889, "target": 945}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 2.380952380952381, "strength": 0.9761904761904762, "source": 889, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 889, "target": 961}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 889, "target": 962}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 6, "distance": 2.4390243902439024, "strength": 0.975609756097561, "source": 889, "target": 963}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 3.3333333333333335, "strength": 0.9666666666666667, "source": 890, "target": 891}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 3.3333333333333335, "strength": 0.9666666666666667, "source": 890, "target": 934}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 3.3333333333333335, "strength": 0.9666666666666667, "source": 890, "target": 942}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 3.3333333333333335, "strength": 0.9666666666666667, "source": 890, "target": 961}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 890, "target": 962}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 0, "distance": 3.3333333333333335, "strength": 0.9666666666666667, "source": 890, "target": 963}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 3.125, "strength": 0.96875, "source": 891, "target": 934}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.125, "strength": 0.96875, "source": 891, "target": 942}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 3.125, "strength": 0.96875, "source": 891, "target": 943}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 891, "target": 949}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 3.125, "strength": 0.96875, "source": 891, "target": 951}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 891, "target": 953}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 891, "target": 960}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 3.125, "strength": 0.96875, "source": 891, "target": 961}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 891, "target": 962}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 2, "distance": 3.125, "strength": 0.96875, "source": 891, "target": 963}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 892, "target": 893}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 892, "target": 894}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 892, "target": 895}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 892, "target": 896}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 892, "target": 897}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 893, "target": 894}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 893, "target": 895}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -2, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 893, "target": 896}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 893, "target": 897}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 894, "target": 895}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 894, "target": 896}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 894, "target": 897}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 895, "target": 896}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 895, "target": 897}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 12.5, "strength": 0.875, "source": 896, "target": 897}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 898, "target": 899}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 898, "target": 923}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 898, "target": 926}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 898, "target": 927}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 898, "target": 929}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 899, "target": 923}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 899, "target": 926}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 899, "target": 927}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 899, "target": 929}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 899, "target": 930}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 900, "target": 901}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.0, "strength": 0.96, "source": 900, "target": 902}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 900, "target": 903}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 900, "target": 904}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 900, "target": 920}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 900, "target": 921}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 900, "target": 924}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 900, "target": 925}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 900, "target": 926}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 900, "target": 927}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 900, "target": 930}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 900, "target": 931}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 901, "target": 902}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 901, "target": 903}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 901, "target": 904}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 901, "target": 921}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 901, "target": 924}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 901, "target": 925}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 901, "target": 926}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 901, "target": 927}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 901, "target": 929}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 2, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 901, "target": 930}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 901, "target": 931}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 2, "distance": 4.0, "strength": 0.96, "source": 902, "target": 903}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 0, "distance": 4.0, "strength": 0.96, "source": 902, "target": 904}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 4.0, "strength": 0.96, "source": 902, "target": 921}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 3, "distance": 4.0, "strength": 0.96, "source": 902, "target": 924}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 4, "distance": 4.0, "strength": 0.96, "source": 902, "target": 925}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 5, "distance": 4.0, "strength": 0.96, "source": 902, "target": 926}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 5, "distance": 4.0, "strength": 0.96, "source": 902, "target": 927}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 4, "distance": 4.0, "strength": 0.96, "source": 902, "target": 929}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 4, "distance": 4.0, "strength": 0.96, "source": 902, "target": 930}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 4, "distance": 4.0, "strength": 0.96, "source": 902, "target": 931}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": -1, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 903, "target": 904}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 903, "target": 920}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 903, "target": 921}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 903, "target": 922}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 3, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 903, "target": 923}, {"value": 17, "size": 17, "kind": "intersection", "n_directional": 1, "distance": 2.941176470588235, "strength": 0.9705882352941176, "source": 903, "target": 924}, {"value": 17, "size": 17, "kind": "intersection", "n_directional": 3, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 903, "target": 925}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 3, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 903, "target": 926}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 2, "distance": 3.125, "strength": 0.96875, "source": 903, "target": 927}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 3, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 903, "target": 929}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 4, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 903, "target": 930}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 3, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 903, "target": 931}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 904, "target": 921}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 904, "target": 923}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 3, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 904, "target": 924}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 3, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 904, "target": 925}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 4, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 904, "target": 926}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 4, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 904, "target": 927}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 904, "target": 929}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 904, "target": 930}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 904, "target": 931}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 905, "target": 906}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 905, "target": 912}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 905, "target": 914}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 905, "target": 917}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 905, "target": 919}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 906, "target": 912}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 906, "target": 914}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 906, "target": 917}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 906, "target": 919}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 907, "target": 909}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 907, "target": 910}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 907, "target": 911}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 907, "target": 912}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 907, "target": 914}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 907, "target": 916}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 907, "target": 917}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 907, "target": 919}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 908, "target": 909}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 908, "target": 910}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 908, "target": 911}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 908, "target": 912}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 908, "target": 914}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 908, "target": 915}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 908, "target": 916}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 908, "target": 917}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 908, "target": 919}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 909, "target": 910}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 909, "target": 911}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 909, "target": 912}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 909, "target": 914}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 909, "target": 915}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 909, "target": 916}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 909, "target": 917}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 909, "target": 919}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 0, "distance": 3.571428571428571, "strength": 0.9642857142857143, "source": 910, "target": 911}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 910, "target": 912}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 910, "target": 914}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 910, "target": 915}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 910, "target": 916}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 910, "target": 917}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 910, "target": 919}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 911, "target": 912}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 911, "target": 914}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 911, "target": 915}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 911, "target": 916}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 911, "target": 917}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 911, "target": 919}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 912, "target": 914}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 912, "target": 915}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 912, "target": 916}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 912, "target": 917}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 912, "target": 919}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 913, "target": 914}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 913, "target": 915}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 913, "target": 916}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 913, "target": 917}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 913, "target": 919}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 914, "target": 915}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 914, "target": 916}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 914, "target": 917}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 914, "target": 919}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 915, "target": 916}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 915, "target": 917}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 915, "target": 919}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 916, "target": 917}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 916, "target": 919}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 917, "target": 919}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 918, "target": 919}, {"value": 21, "size": 21, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 920, "target": 921}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 920, "target": 922}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 920, "target": 924}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -2, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 920, "target": 925}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -2, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 920, "target": 926}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -3, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 920, "target": 927}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -2, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 920, "target": 931}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 921, "target": 922}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 921, "target": 924}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 921, "target": 925}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 921, "target": 926}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 3.125, "strength": 0.96875, "source": 921, "target": 927}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 921, "target": 929}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 921, "target": 930}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 921, "target": 931}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 922, "target": 924}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 922, "target": 925}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 922, "target": 926}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 922, "target": 927}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 922, "target": 928}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 922, "target": 929}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 922, "target": 930}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 922, "target": 931}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -4, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 923, "target": 924}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -3, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 923, "target": 925}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 923, "target": 926}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -2, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 923, "target": 927}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 923, "target": 928}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 923, "target": 929}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -2, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 923, "target": 930}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9523809523809523, "source": 923, "target": 931}, {"value": 24, "size": 24, "kind": "intersection", "n_directional": 2, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 924, "target": 925}, {"value": 21, "size": 21, "kind": "intersection", "n_directional": 4, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 924, "target": 926}, {"value": 23, "size": 23, "kind": "intersection", "n_directional": 2, "distance": 3.125, "strength": 0.96875, "source": 924, "target": 927}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 924, "target": 928}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 2, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 924, "target": 929}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 2, "distance": 2.941176470588235, "strength": 0.9705882352941176, "source": 924, "target": 930}, {"value": 16, "size": 16, "kind": "intersection", "n_directional": 2, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 924, "target": 931}, {"value": 21, "size": 21, "kind": "intersection", "n_directional": 3, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 925, "target": 926}, {"value": 23, "size": 23, "kind": "intersection", "n_directional": -1, "distance": 3.125, "strength": 0.96875, "source": 925, "target": 927}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 925, "target": 928}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 925, "target": 929}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 0, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 925, "target": 930}, {"value": 17, "size": 17, "kind": "intersection", "n_directional": -1, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 925, "target": 931}, {"value": 25, "size": 25, "kind": "intersection", "n_directional": -2, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 926, "target": 927}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 926, "target": 928}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 926, "target": 929}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 926, "target": 930}, {"value": 18, "size": 18, "kind": "intersection", "n_directional": -2, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 926, "target": 931}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 927, "target": 928}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 927, "target": 929}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 0, "distance": 3.125, "strength": 0.96875, "source": 927, "target": 930}, {"value": 19, "size": 19, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 927, "target": 931}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 928, "target": 929}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 928, "target": 930}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 928, "target": 931}, {"value": 15, "size": 15, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 929, "target": 930}, {"value": 15, "size": 15, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 929, "target": 931}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 930, "target": 931}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 933, "target": 935}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 933, "target": 937}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 933, "target": 946}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 933, "target": 947}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 934, "target": 935}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 934, "target": 937}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 934, "target": 938}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 934, "target": 939}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 934, "target": 943}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 934, "target": 944}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 934, "target": 945}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 934, "target": 946}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 3.125, "strength": 0.96875, "source": 934, "target": 947}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 934, "target": 951}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 934, "target": 961}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9714285714285714, "source": 934, "target": 963}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 935, "target": 937}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 935, "target": 939}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 935, "target": 943}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 935, "target": 944}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 935, "target": 945}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 935, "target": 946}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 935, "target": 947}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 935, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 936, "target": 937}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 936, "target": 938}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 936, "target": 939}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 936, "target": 943}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 936, "target": 944}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 936, "target": 945}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 936, "target": 946}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 936, "target": 947}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 936, "target": 951}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -2, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 937, "target": 938}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 937, "target": 939}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 937, "target": 941}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 937, "target": 943}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -2, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 937, "target": 944}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -2, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 937, "target": 945}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -2, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 937, "target": 946}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 937, "target": 947}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 937, "target": 951}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 937, "target": 964}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 937, "target": 965}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 938, "target": 939}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 0, "distance": 2.941176470588235, "strength": 0.9705882352941176, "source": 938, "target": 941}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 2.5, "strength": 0.975, "source": 938, "target": 942}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 2.5, "strength": 0.975, "source": 938, "target": 943}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 2, "distance": 2.5, "strength": 0.975, "source": 938, "target": 944}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 0, "distance": 2.5, "strength": 0.975, "source": 938, "target": 945}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 2, "distance": 2.564102564102564, "strength": 0.9743589743589743, "source": 938, "target": 946}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 3, "distance": 3.125, "strength": 0.96875, "source": 938, "target": 947}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 2.5, "strength": 0.975, "source": 938, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 938, "target": 959}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 938, "target": 961}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.5, "strength": 0.975, "source": 938, "target": 963}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 2.631578947368421, "strength": 0.9736842105263158, "source": 938, "target": 964}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 2.7027027027027026, "strength": 0.972972972972973, "source": 938, "target": 965}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 939, "target": 941}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -3, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 939, "target": 942}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -3, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 939, "target": 943}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -2, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 939, "target": 944}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -3, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 939, "target": 945}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 939, "target": 946}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 939, "target": 947}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -2, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 939, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 939, "target": 959}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 939, "target": 964}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 939, "target": 965}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 940, "target": 941}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 940, "target": 942}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 940, "target": 943}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 940, "target": 944}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 940, "target": 945}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 940, "target": 946}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 940, "target": 947}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 940, "target": 950}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 940, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 940, "target": 953}, {"value": 18, "size": 18, "kind": "intersection", "n_directional": 0, "distance": 2.941176470588235, "strength": 0.9705882352941176, "source": 941, "target": 942}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 0, "distance": 2.941176470588235, "strength": 0.9705882352941176, "source": 941, "target": 943}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 2, "distance": 2.941176470588235, "strength": 0.9705882352941176, "source": 941, "target": 944}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 1, "distance": 2.941176470588235, "strength": 0.9705882352941176, "source": 941, "target": 945}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 2, "distance": 2.941176470588235, "strength": 0.9705882352941176, "source": 941, "target": 946}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 3.125, "strength": 0.96875, "source": 941, "target": 947}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 941, "target": 950}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 2.941176470588235, "strength": 0.9705882352941176, "source": 941, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 941, "target": 953}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 2.941176470588235, "strength": 0.9705882352941176, "source": 941, "target": 964}, {"value": 16, "size": 16, "kind": "intersection", "n_directional": 0, "distance": 2.0408163265306123, "strength": 0.9795918367346939, "source": 942, "target": 943}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 2, "distance": 2.083333333333333, "strength": 0.9791666666666666, "source": 942, "target": 944}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": 1, "distance": 2.0, "strength": 0.98, "source": 942, "target": 945}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 2, "distance": 2.564102564102564, "strength": 0.9743589743589743, "source": 942, "target": 946}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 3.125, "strength": 0.96875, "source": 942, "target": 947}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 942, "target": 950}, {"value": 15, "size": 15, "kind": "intersection", "n_directional": 0, "distance": 2.0, "strength": 0.98, "source": 942, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 942, "target": 953}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 2.4390243902439024, "strength": 0.975609756097561, "source": 942, "target": 963}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 2.631578947368421, "strength": 0.9736842105263158, "source": 942, "target": 964}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 2.7027027027027026, "strength": 0.972972972972973, "source": 942, "target": 965}, {"value": 20, "size": 20, "kind": "intersection", "n_directional": 0, "distance": 2.083333333333333, "strength": 0.9791666666666666, "source": 943, "target": 944}, {"value": 21, "size": 21, "kind": "intersection", "n_directional": 0, "distance": 2.0408163265306123, "strength": 0.9795918367346939, "source": 943, "target": 945}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": 2, "distance": 2.564102564102564, "strength": 0.9743589743589743, "source": 943, "target": 946}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 3, "distance": 3.125, "strength": 0.96875, "source": 943, "target": 947}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 943, "target": 950}, {"value": 20, "size": 20, "kind": "intersection", "n_directional": -2, "distance": 2.0408163265306123, "strength": 0.9795918367346939, "source": 943, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 943, "target": 953}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 2.4390243902439024, "strength": 0.975609756097561, "source": 943, "target": 963}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 2.631578947368421, "strength": 0.9736842105263158, "source": 943, "target": 964}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -2, "distance": 2.7027027027027026, "strength": 0.972972972972973, "source": 943, "target": 965}, {"value": 27, "size": 27, "kind": "intersection", "n_directional": -1, "distance": 2.083333333333333, "strength": 0.9791666666666666, "source": 944, "target": 945}, {"value": 20, "size": 20, "kind": "intersection", "n_directional": 2, "distance": 2.564102564102564, "strength": 0.9743589743589743, "source": 944, "target": 946}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 3, "distance": 3.125, "strength": 0.96875, "source": 944, "target": 947}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 944, "target": 950}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 0, "distance": 2.083333333333333, "strength": 0.9791666666666666, "source": 944, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 944, "target": 953}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 3, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 944, "target": 959}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 944, "target": 960}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 3, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 944, "target": 961}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 2.4390243902439024, "strength": 0.975609756097561, "source": 944, "target": 963}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": 0, "distance": 2.631578947368421, "strength": 0.9736842105263158, "source": 944, "target": 964}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 2.7027027027027026, "strength": 0.972972972972973, "source": 944, "target": 965}, {"value": 18, "size": 18, "kind": "intersection", "n_directional": 3, "distance": 2.564102564102564, "strength": 0.9743589743589743, "source": 945, "target": 946}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 4, "distance": 3.125, "strength": 0.96875, "source": 945, "target": 947}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 945, "target": 950}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": 1, "distance": 1.9607843137254901, "strength": 0.9803921568627451, "source": 945, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 945, "target": 953}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 3, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 945, "target": 959}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 945, "target": 960}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 945, "target": 961}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 2.4390243902439024, "strength": 0.975609756097561, "source": 945, "target": 963}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": 0, "distance": 2.631578947368421, "strength": 0.9736842105263158, "source": 945, "target": 964}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 2.7027027027027026, "strength": 0.972972972972973, "source": 945, "target": 965}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 4, "distance": 3.125, "strength": 0.96875, "source": 946, "target": 947}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 946, "target": 950}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 0, "distance": 2.564102564102564, "strength": 0.9743589743589743, "source": 946, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 946, "target": 953}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 946, "target": 961}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -2, "distance": 2.631578947368421, "strength": 0.9736842105263158, "source": 946, "target": 964}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -4, "distance": 2.7027027027027026, "strength": 0.972972972972973, "source": 946, "target": 965}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 947, "target": 950}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -2, "distance": 3.125, "strength": 0.96875, "source": 947, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 947, "target": 953}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -2, "distance": 3.125, "strength": 0.96875, "source": 947, "target": 964}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -2, "distance": 3.125, "strength": 0.96875, "source": 947, "target": 965}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 948, "target": 949}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 948, "target": 950}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 948, "target": 951}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 948, "target": 953}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 949, "target": 950}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 949, "target": 951}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 949, "target": 953}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 949, "target": 962}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 950, "target": 951}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 950, "target": 953}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 951, "target": 953}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 951, "target": 961}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 2.4390243902439024, "strength": 0.975609756097561, "source": 951, "target": 963}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 2.631578947368421, "strength": 0.9736842105263158, "source": 951, "target": 964}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.7027027027027026, "strength": 0.972972972972973, "source": 951, "target": 965}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 952, "target": 953}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 953, "target": 962}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 954, "target": 955}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 954, "target": 958}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 955, "target": 956}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 955, "target": 957}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 955, "target": 958}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 956, "target": 957}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 956, "target": 958}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 957, "target": 958}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -2, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 959, "target": 960}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 959, "target": 961}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 959, "target": 962}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 959, "target": 963}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 959, "target": 964}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 959, "target": 965}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 960, "target": 961}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -2, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 960, "target": 962}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 960, "target": 963}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 960, "target": 964}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 2, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 960, "target": 965}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 961, "target": 962}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 961, "target": 963}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 1, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 961, "target": 964}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": 2, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 961, "target": 965}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 962, "target": 963}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 3, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 962, "target": 964}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 3.7037037037037033, "strength": 0.962962962962963, "source": 962, "target": 965}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 3, "distance": 2.631578947368421, "strength": 0.9736842105263158, "source": 963, "target": 964}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 2.7027027027027026, "strength": 0.972972972972973, "source": 963, "target": 965}, {"value": 24, "size": 24, "kind": "intersection", "n_directional": 0, "distance": 2.7027027027027026, "strength": 0.972972972972973, "source": 964, "target": 965}]}
\ No newline at end of file
diff --git a/examples/haxby_decoding/graphs/haxby_decoding_neumapper_dyneusr_14.json b/examples/haxby_decoding/graphs/haxby_decoding_neumapper_dyneusr_14.json
new file mode 100644
index 0000000..ead0153
--- /dev/null
+++ b/examples/haxby_decoding/graphs/haxby_decoding_neumapper_dyneusr_14.json
@@ -0,0 +1 @@
+{"directed": false, "multigraph": false, "graph": {"labels": {"data_id": ["Group 1 (0.0, 254.0)", "Group 2 (254.0, 508.0)", "Group 3 (508.0, 762.0)", "Group 4 (762.0, 1016.0)"], "uniform": [], "multiclass": [0.0, 1.0, 2.0, 3.0, 4.0]}, "groups": {"0": [0.0, 1.0], "1": [0.0, 1.0], "2": [0.0, 1.0], "3": [0.0, 1.0], "4": [0.0, 1.0], "data_id": [0.0, 254.0, 508.0, 762.0, 1016.0], "uniform": [0.0], "multiclass": [0.0, 1.0, 2.0, 3.0, 4.0]}, "color_by": "multiclass", "color": {"data_id": ["#3182bd", "#fd8d3c", "#a1d99b", "#dadaeb", "#d9d9d9"], "multiclass": ["#3182bd", "#fd8d3c", "#a1d99b", "#dadaeb", "#d9d9d9"]}}, "nodes": [{"id": 0, "name": 0, "tooltip": "0 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [1011], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 1, "name": 1, "tooltip": "1 (size: 6)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 6.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [1011, 1012, 1013, 1014, 1015, 1016], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 6.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 6.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 6.0}, {"label": 3.0, "group": 3.0, "value": 6.0, "row_count": 6.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 6.0}], "0": [{"group": 0, "row_count": 6, "value": 6}], "1": [{"group": 0, "row_count": 6, "value": 6}], "2": [{"group": 0, "row_count": 6, "value": 6}], "3": [{"group": 1, "row_count": 6, "value": 6}], "4": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 254, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 3, "row_count": 6, "value": 6}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 3}, "size": 6, "degree": 3}, {"id": 2, "name": 2, "tooltip": "2 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [1007], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 3, "name": 3, "tooltip": "3 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 9.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [1007, 1008, 1009, 1010, 1011, 1012, 1013, 1014, 1015], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 9.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 1, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 254, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 7, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 7}, "size": 9, "degree": 7}, {"id": 4, "name": 4, "tooltip": "4 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 12.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [994, 995, 996, 997, 998, 999, 1000, 1001, 1002, 1003, 1004, 1005], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 12.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 1, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 1016, "row_count": 12, "value": 6}, {"group": 254, "row_count": 12, "value": 6}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 12, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 12}, "size": 12, "degree": 12}, {"id": 5, "name": 5, "tooltip": "5 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 11.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [989, 990, 991, 992, 993, 994, 995, 996, 997, 998, 999], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 11.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 0, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 1, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 1016, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 11, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 11}, "size": 11, "degree": 11}, {"id": 6, "name": 6, "tooltip": "6 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 9.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [986, 987, 988, 989, 990, 991, 992, 993, 994], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 9.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 1, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 1016, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 6, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 6}, "size": 9, "degree": 6}, {"id": 7, "name": 7, "tooltip": "7 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 11.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [980, 981, 982, 983, 984, 985, 986, 987, 988, 989, 990], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 11.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 0, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 1, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 1016, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 4, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 11, "degree": 4}, {"id": 8, "name": 8, "tooltip": "8 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [974], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 9, "name": 9, "tooltip": "9 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 12.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [970, 971, 972, 973, 974, 975, 976, 977, 978, 979, 980, 981], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 12.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 1, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 1016, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 7, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 7}, "size": 12, "degree": 7}, {"id": 10, "name": 10, "tooltip": "10 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [969], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 11, "name": 11, "tooltip": "11 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 8.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [969, 970, 971, 972, 973, 974, 975, 976], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 8.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 0, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 1, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 1016, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 8, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 8}, "size": 8, "degree": 8}, {"id": 12, "name": 12, "tooltip": "12 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 13.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [966, 967, 968, 969, 970, 971, 972, 973, 974, 975, 976, 977, 978], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 13.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 1, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 1016, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 10, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 10}, "size": 13, "degree": 10}, {"id": 13, "name": 13, "tooltip": "13 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [965], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 14, "name": 14, "tooltip": "14 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 2.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [965, 966], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 2.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 1, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1016, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 7, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 7}, "size": 2, "degree": 7}, {"id": 15, "name": 15, "tooltip": "15 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 2.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [962, 963], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 2.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 1, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1016, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 16, "name": 16, "tooltip": "16 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 14.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [960, 961, 962, 963, 964, 965, 966, 967, 968, 969, 970, 971, 972, 973], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 14.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 0, "row_count": 14, "value": 14}], "2": [{"group": 0, "row_count": 14, "value": 14}], "3": [{"group": 1, "row_count": 14, "value": 14}], "4": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 1016, "row_count": 14, "value": 14}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 15, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 15}, "size": 14, "degree": 15}, {"id": 17, "name": 17, "tooltip": "17 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [958], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 18, "name": 18, "tooltip": "18 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [944], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 19, "name": 19, "tooltip": "19 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 10.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [944, 945, 946, 947, 948, 949, 950, 951, 952, 953], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 10.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 1, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 1016, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 7, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 7}, "size": 10, "degree": 7}, {"id": 20, "name": 20, "tooltip": "20 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 12.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [925, 926, 927, 928, 929, 930, 931, 932, 933, 934, 935, 936], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 12.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 1, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 1016, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 10, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 10}, "size": 12, "degree": 10}, {"id": 21, "name": 21, "tooltip": "21 (size: 7)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 7.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [924, 925, 926, 927, 928, 929, 930], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 7.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 7.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 7.0}, {"label": 3.0, "group": 3.0, "value": 7.0, "row_count": 7.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 7.0}], "0": [{"group": 0, "row_count": 7, "value": 7}], "1": [{"group": 0, "row_count": 7, "value": 7}], "2": [{"group": 0, "row_count": 7, "value": 7}], "3": [{"group": 1, "row_count": 7, "value": 7}], "4": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 1016, "row_count": 7, "value": 7}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 9, "row_count": 7, "value": 7}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 9}, "size": 7, "degree": 9}, {"id": 22, "name": 22, "tooltip": "22 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [923], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 7, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 7}, "size": 1, "degree": 7}, {"id": 23, "name": 23, "tooltip": "23 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 2.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [923, 924], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 2.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 1, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1016, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 8, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 8}, "size": 2, "degree": 8}, {"id": 24, "name": 24, "tooltip": "24 (size: 6)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 6.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [921, 922, 923, 924, 925, 926], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 6.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 6.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 6.0}, {"label": 3.0, "group": 3.0, "value": 6.0, "row_count": 6.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 6.0}], "0": [{"group": 0, "row_count": 6, "value": 6}], "1": [{"group": 0, "row_count": 6, "value": 6}], "2": [{"group": 0, "row_count": 6, "value": 6}], "3": [{"group": 1, "row_count": 6, "value": 6}], "4": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 1016, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 12, "row_count": 6, "value": 6}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 12}, "size": 6, "degree": 12}, {"id": 25, "name": 25, "tooltip": "25 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 5.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [915, 916, 917, 918, 919], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 5.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 1, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 1016, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 3, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 3}, "size": 5, "degree": 3}, {"id": 26, "name": 26, "tooltip": "26 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [914], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 27, "name": 27, "tooltip": "27 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 5.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [905, 906, 907, 908, 909], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 5.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 1, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 1016, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 3, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 3}, "size": 5, "degree": 3}, {"id": 28, "name": 28, "tooltip": "28 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 2.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [901, 902], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 2.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 1, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1016, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 29, "name": 29, "tooltip": "29 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [900], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 30, "name": 30, "tooltip": "30 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 5.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [899, 900, 901, 902, 903], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 5.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 1, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 1016, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 6, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 6}, "size": 5, "degree": 6}, {"id": 31, "name": 31, "tooltip": "31 (size: 9)
\n \n \n 0.00 | \n 8.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [889, 890, 891, 892, 893, 894, 895, 896, 897], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 8.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 1, "row_count": 9, "value": 8}, {"group": 0, "row_count": 9, "value": 1}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 8}, {"group": 1, "row_count": 9, "value": 1}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 1016, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 2, "row_count": 9, "value": 9}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 2}, "size": 9, "degree": 2}, {"id": 32, "name": 32, "tooltip": "32 (size: 16)
\n \n \n 0.00 | \n 4.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 7.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [884, 885, 886, 887, 888, 889, 890, 891, 892, 933, 934, 935, 936, 937, 938, 939], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 4.0, "row_count": 16.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 16.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 16.0}, {"label": 3.0, "group": 3.0, "value": 7.0, "row_count": 16.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 16.0}], "0": [{"group": 0, "row_count": 16, "value": 12}, {"group": 1, "row_count": 16, "value": 4}], "1": [{"group": 0, "row_count": 16, "value": 16}], "2": [{"group": 0, "row_count": 16, "value": 16}], "3": [{"group": 0, "row_count": 16, "value": 9}, {"group": 1, "row_count": 16, "value": 7}], "4": [{"group": 0, "row_count": 16, "value": 11}, {"group": 1, "row_count": 16, "value": 5}], "data_id": [{"group": 1016, "row_count": 16, "value": 16}], "uniform": [{"group": 0, "row_count": 16, "value": 16}], "degree": [{"group": 6, "row_count": 16, "value": 16}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 6}, "size": 16, "degree": 6}, {"id": 33, "name": 33, "tooltip": "33 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [879, 880], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 1016, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 10, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 10}, "size": 2, "degree": 10}, {"id": 34, "name": 34, "tooltip": "34 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [873, 874], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 1016, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 6, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 6}, "size": 2, "degree": 6}, {"id": 35, "name": 35, "tooltip": "35 (size: 7)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 7.00 | \n
\n \n
", "members": [873, 874, 875, 876, 877, 878, 879], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 7.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 7.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 7.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 7.0}, {"label": 4.0, "group": 4.0, "value": 7.0, "row_count": 7.0}], "0": [{"group": 0, "row_count": 7, "value": 7}], "1": [{"group": 0, "row_count": 7, "value": 7}], "2": [{"group": 0, "row_count": 7, "value": 7}], "3": [{"group": 0, "row_count": 7, "value": 7}], "4": [{"group": 1, "row_count": 7, "value": 7}], "data_id": [{"group": 1016, "row_count": 7, "value": 7}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 12, "row_count": 7, "value": 7}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 12}, "size": 7, "degree": 12}, {"id": 36, "name": 36, "tooltip": "36 (size: 17)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 15.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [869, 870, 903, 904, 905, 906, 907, 908, 909, 910, 911, 999, 1000, 1001, 1002, 1003, 1004], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 17.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 17.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 17.0}, {"label": 3.0, "group": 3.0, "value": 15.0, "row_count": 17.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 17.0}], "0": [{"group": 0, "row_count": 17, "value": 17}], "1": [{"group": 0, "row_count": 17, "value": 17}], "2": [{"group": 0, "row_count": 17, "value": 17}], "3": [{"group": 1, "row_count": 17, "value": 15}, {"group": 0, "row_count": 17, "value": 2}], "4": [{"group": 0, "row_count": 17, "value": 15}, {"group": 1, "row_count": 17, "value": 2}], "data_id": [{"group": 1016, "row_count": 17, "value": 12}, {"group": 254, "row_count": 17, "value": 5}], "uniform": [{"group": 0, "row_count": 17, "value": 17}], "degree": [{"group": 14, "row_count": 17, "value": 17}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 14}, "size": 17, "degree": 14}, {"id": 37, "name": 37, "tooltip": "37 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [862], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 38, "name": 38, "tooltip": "38 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [858, 859, 860, 861, 862], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 1, "row_count": 5, "value": 5}], "data_id": [{"group": 1016, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 9, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 9}, "size": 5, "degree": 9}, {"id": 39, "name": 39, "tooltip": "39 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [853], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 7, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 7}, "size": 1, "degree": 7}, {"id": 40, "name": 40, "tooltip": "40 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [852, 853, 854, 855, 856], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 1, "row_count": 5, "value": 5}], "data_id": [{"group": 1016, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 13, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 13}, "size": 5, "degree": 13}, {"id": 41, "name": 41, "tooltip": "41 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 13.00 | \n
\n \n
", "members": [852, 853, 854, 855, 856, 857, 858, 859, 860, 861, 862, 863, 864], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 13.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 1, "row_count": 13, "value": 13}], "data_id": [{"group": 1016, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 28, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 28}, "size": 13, "degree": 28}, {"id": 42, "name": 42, "tooltip": "42 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [850, 851], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 1016, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 43, "name": 43, "tooltip": "43 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [828, 829], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 1016, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 9, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 9}, "size": 2, "degree": 9}, {"id": 44, "name": 44, "tooltip": "44 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 4.00 | \n
\n \n
", "members": [827, 828, 829, 830], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 4.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 1, "row_count": 4, "value": 4}], "data_id": [{"group": 1016, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 10, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 10}, "size": 4, "degree": 10}, {"id": 45, "name": 45, "tooltip": "45 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [823], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 46, "name": 46, "tooltip": "46 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [819], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 47, "name": 47, "tooltip": "47 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 13.00 | \n
\n \n
", "members": [819, 820, 821, 822, 823, 824, 825, 826, 827, 828, 829, 830, 831], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 13.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 1, "row_count": 13, "value": 13}], "data_id": [{"group": 1016, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 20, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 20}, "size": 13, "degree": 20}, {"id": 48, "name": 48, "tooltip": "48 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [818, 819, 820, 821, 822], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 1, "row_count": 5, "value": 5}], "data_id": [{"group": 1016, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 7, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 7}, "size": 5, "degree": 7}, {"id": 49, "name": 49, "tooltip": "49 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [811], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 9, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 9}, "size": 1, "degree": 9}, {"id": 50, "name": 50, "tooltip": "50 (size: 3)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 3.00 | \n
\n \n
", "members": [810, 811, 812], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 3.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 3.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 3.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 3.0}, {"label": 4.0, "group": 4.0, "value": 3.0, "row_count": 3.0}], "0": [{"group": 0, "row_count": 3, "value": 3}], "1": [{"group": 0, "row_count": 3, "value": 3}], "2": [{"group": 0, "row_count": 3, "value": 3}], "3": [{"group": 0, "row_count": 3, "value": 3}], "4": [{"group": 1, "row_count": 3, "value": 3}], "data_id": [{"group": 1016, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 10, "row_count": 3, "value": 3}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 10}, "size": 3, "degree": 10}, {"id": 51, "name": 51, "tooltip": "51 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [797], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 11, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 11}, "size": 1, "degree": 11}, {"id": 52, "name": 52, "tooltip": "52 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [797, 798], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 1016, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 11, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 11}, "size": 2, "degree": 11}, {"id": 53, "name": 53, "tooltip": "53 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [795], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 54, "name": 54, "tooltip": "54 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 4.00 | \n
\n \n
", "members": [789, 790, 791, 792], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 4.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 1, "row_count": 4, "value": 4}], "data_id": [{"group": 1016, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 8, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 8}, "size": 4, "degree": 8}, {"id": 55, "name": 55, "tooltip": "55 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [788], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 56, "name": 56, "tooltip": "56 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 4.00 | \n
\n \n
", "members": [787, 788, 789, 790], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 4.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 1, "row_count": 4, "value": 4}], "data_id": [{"group": 1016, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 11, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 11}, "size": 4, "degree": 11}, {"id": 57, "name": 57, "tooltip": "57 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 10.00 | \n
\n \n
", "members": [787, 788, 789, 790, 791, 792, 793, 794, 795, 796], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 10.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 1, "row_count": 10, "value": 10}], "data_id": [{"group": 1016, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 22, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 22}, "size": 10, "degree": 22}, {"id": 58, "name": 58, "tooltip": "58 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [786], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 59, "name": 59, "tooltip": "59 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 4.00 | \n
\n \n
", "members": [782, 783, 784, 785], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 4.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 1, "row_count": 4, "value": 4}], "data_id": [{"group": 1016, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 11, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 11}, "size": 4, "degree": 11}, {"id": 60, "name": 60, "tooltip": "60 (size: 7)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 7.00 | \n
\n \n
", "members": [771, 772, 773, 774, 775, 776, 777], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 7.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 7.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 7.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 7.0}, {"label": 4.0, "group": 4.0, "value": 7.0, "row_count": 7.0}], "0": [{"group": 0, "row_count": 7, "value": 7}], "1": [{"group": 0, "row_count": 7, "value": 7}], "2": [{"group": 0, "row_count": 7, "value": 7}], "3": [{"group": 0, "row_count": 7, "value": 7}], "4": [{"group": 1, "row_count": 7, "value": 7}], "data_id": [{"group": 1016, "row_count": 7, "value": 7}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 5, "row_count": 7, "value": 7}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 5}, "size": 7, "degree": 5}, {"id": 61, "name": 61, "tooltip": "61 (size: 5)
\n \n \n 0.00 | \n 3.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [766, 767, 768, 769, 770], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 3.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 5.0}], "0": [{"group": 1, "row_count": 5, "value": 3}, {"group": 0, "row_count": 5, "value": 2}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 3}, {"group": 1, "row_count": 5, "value": 2}], "data_id": [{"group": 762, "row_count": 5, "value": 4}, {"group": 1016, "row_count": 5, "value": 1}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 5, "row_count": 5, "value": 5}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 5, "degree": 5}, {"id": 62, "name": 62, "tooltip": "62 (size: 13)
\n \n \n 0.00 | \n 8.00 | \n
\n \n 1.00 | \n 5.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [756, 757, 758, 759, 760, 761, 762, 763, 764, 765, 766, 767, 768], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 8.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 5.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 1, "row_count": 13, "value": 8}, {"group": 0, "row_count": 13, "value": 5}], "1": [{"group": 0, "row_count": 13, "value": 8}, {"group": 1, "row_count": 13, "value": 5}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 762, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 5, "row_count": 13, "value": 13}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 13, "degree": 5}, {"id": 63, "name": 63, "tooltip": "63 (size: 15)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 14.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [747, 748, 749, 750, 751, 752, 753, 754, 755, 756, 757, 758, 759, 760, 761], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 15.0}, {"label": 1.0, "group": 1.0, "value": 14.0, "row_count": 15.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 15.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 15.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 15.0}], "0": [{"group": 0, "row_count": 15, "value": 14}, {"group": 1, "row_count": 15, "value": 1}], "1": [{"group": 1, "row_count": 15, "value": 14}, {"group": 0, "row_count": 15, "value": 1}], "2": [{"group": 0, "row_count": 15, "value": 15}], "3": [{"group": 0, "row_count": 15, "value": 15}], "4": [{"group": 0, "row_count": 15, "value": 15}], "data_id": [{"group": 762, "row_count": 15, "value": 15}], "uniform": [{"group": 0, "row_count": 15, "value": 15}], "degree": [{"group": 3, "row_count": 15, "value": 15}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 3}, "size": 15, "degree": 3}, {"id": 64, "name": 64, "tooltip": "64 (size: 15)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 15.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [740, 741, 742, 743, 744, 745, 746, 747, 748, 749, 750, 751, 752, 753, 754], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 15.0}, {"label": 1.0, "group": 1.0, "value": 15.0, "row_count": 15.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 15.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 15.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 15.0}], "0": [{"group": 0, "row_count": 15, "value": 15}], "1": [{"group": 1, "row_count": 15, "value": 15}], "2": [{"group": 0, "row_count": 15, "value": 15}], "3": [{"group": 0, "row_count": 15, "value": 15}], "4": [{"group": 0, "row_count": 15, "value": 15}], "data_id": [{"group": 762, "row_count": 15, "value": 15}], "uniform": [{"group": 0, "row_count": 15, "value": 15}], "degree": [{"group": 3, "row_count": 15, "value": 15}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 3}, "size": 15, "degree": 3}, {"id": 65, "name": 65, "tooltip": "65 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 14.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [732, 733, 734, 735, 736, 737, 738, 739, 740, 741, 742, 743, 744, 745], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 14.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 1, "row_count": 14, "value": 14}], "2": [{"group": 0, "row_count": 14, "value": 14}], "3": [{"group": 0, "row_count": 14, "value": 14}], "4": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 762, "row_count": 14, "value": 14}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 3, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 3}, "size": 14, "degree": 3}, {"id": 66, "name": 66, "tooltip": "66 (size: 15)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 15.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [726, 727, 728, 729, 730, 731, 732, 733, 734, 735, 736, 737, 738, 739, 740], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 15.0}, {"label": 1.0, "group": 1.0, "value": 15.0, "row_count": 15.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 15.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 15.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 15.0}], "0": [{"group": 0, "row_count": 15, "value": 15}], "1": [{"group": 1, "row_count": 15, "value": 15}], "2": [{"group": 0, "row_count": 15, "value": 15}], "3": [{"group": 0, "row_count": 15, "value": 15}], "4": [{"group": 0, "row_count": 15, "value": 15}], "data_id": [{"group": 762, "row_count": 15, "value": 15}], "uniform": [{"group": 0, "row_count": 15, "value": 15}], "degree": [{"group": 5, "row_count": 15, "value": 15}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 15, "degree": 5}, {"id": 67, "name": 67, "tooltip": "67 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [725], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 1, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 68, "name": 68, "tooltip": "68 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 5.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [723, 724, 725, 726, 727], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 5.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 1, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 762, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 5, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 5, "degree": 5}, {"id": 69, "name": 69, "tooltip": "69 (size: 15)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 15.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [720, 721, 722, 723, 724, 725, 726, 727, 728, 729, 730, 731, 732, 733, 734], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 15.0}, {"label": 1.0, "group": 1.0, "value": 15.0, "row_count": 15.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 15.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 15.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 15.0}], "0": [{"group": 0, "row_count": 15, "value": 15}], "1": [{"group": 1, "row_count": 15, "value": 15}], "2": [{"group": 0, "row_count": 15, "value": 15}], "3": [{"group": 0, "row_count": 15, "value": 15}], "4": [{"group": 0, "row_count": 15, "value": 15}], "data_id": [{"group": 762, "row_count": 15, "value": 15}], "uniform": [{"group": 0, "row_count": 15, "value": 15}], "degree": [{"group": 6, "row_count": 15, "value": 15}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 6}, "size": 15, "degree": 6}, {"id": 70, "name": 70, "tooltip": "70 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 12.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [716, 717, 718, 719, 720, 721, 722, 723, 724, 725, 726, 727], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 12.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 1, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 762, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 6, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 6}, "size": 12, "degree": 6}, {"id": 71, "name": 71, "tooltip": "71 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 13.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [706, 707, 708, 709, 710, 711, 712, 713, 714, 715, 716, 717, 718], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 13.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 1, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 762, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 3, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 3}, "size": 13, "degree": 3}, {"id": 72, "name": 72, "tooltip": "72 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 13.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [699, 700, 701, 702, 703, 704, 705, 706, 707, 708, 709, 710, 711], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 13.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 1, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 762, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 3, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 3}, "size": 13, "degree": 3}, {"id": 73, "name": 73, "tooltip": "73 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 13.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [694, 695, 696, 697, 698, 699, 700, 701, 702, 703, 704, 705, 706], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 13.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 1, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 762, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 3, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 3}, "size": 13, "degree": 3}, {"id": 74, "name": 74, "tooltip": "74 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 14.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [688, 689, 690, 691, 692, 693, 694, 695, 696, 697, 698, 699, 700, 701], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 14.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 1, "row_count": 14, "value": 14}], "2": [{"group": 0, "row_count": 14, "value": 14}], "3": [{"group": 0, "row_count": 14, "value": 14}], "4": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 762, "row_count": 14, "value": 14}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 4, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 4}, "size": 14, "degree": 4}, {"id": 75, "name": 75, "tooltip": "75 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [681], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 1, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 8, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 8}, "size": 1, "degree": 8}, {"id": 76, "name": 76, "tooltip": "76 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 12.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [681, 682, 683, 684, 685, 686, 687, 688, 689, 690, 691, 692], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 12.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 1, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 762, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 10, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 10}, "size": 12, "degree": 10}, {"id": 77, "name": 77, "tooltip": "77 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 4.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [678, 679, 680, 681], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 4.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 1, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 762, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 12, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 12}, "size": 4, "degree": 12}, {"id": 78, "name": 78, "tooltip": "78 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 9.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [673, 674, 675, 676, 677, 678, 679, 680, 681], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 9.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 1, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 762, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 13, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 13}, "size": 9, "degree": 13}, {"id": 79, "name": 79, "tooltip": "79 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 14.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [667, 668, 669, 670, 671, 672, 673, 674, 675, 676, 677, 678, 679, 680], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 14.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 1, "row_count": 14, "value": 14}], "2": [{"group": 0, "row_count": 14, "value": 14}], "3": [{"group": 0, "row_count": 14, "value": 14}], "4": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 762, "row_count": 14, "value": 14}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 12, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 12}, "size": 14, "degree": 12}, {"id": 80, "name": 80, "tooltip": "80 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 14.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [660, 661, 662, 663, 664, 665, 666, 667, 668, 669, 670, 671, 672, 673], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 14.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 1, "row_count": 14, "value": 14}], "2": [{"group": 0, "row_count": 14, "value": 14}], "3": [{"group": 0, "row_count": 14, "value": 14}], "4": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 762, "row_count": 14, "value": 14}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 6, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 6}, "size": 14, "degree": 6}, {"id": 81, "name": 81, "tooltip": "81 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [655], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 1, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 82, "name": 82, "tooltip": "82 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 13.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [653, 654, 655, 656, 657, 658, 659, 660, 661, 662, 663, 664, 665], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 13.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 1, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 762, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 3, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 3}, "size": 13, "degree": 3}, {"id": 83, "name": 83, "tooltip": "83 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [649], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 1, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 84, "name": 84, "tooltip": "84 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 11.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [642, 643, 644, 645, 646, 647, 648, 649, 650, 651, 652], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 11.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 1, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 762, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 5, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 11, "degree": 5}, {"id": 85, "name": 85, "tooltip": "85 (size: 1)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [635], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 1, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 86, "name": 86, "tooltip": "86 (size: 11)
\n \n \n 0.00 | \n 6.00 | \n
\n \n 1.00 | \n 5.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [635, 636, 637, 638, 639, 640, 641, 642, 643, 644, 645], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 6.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 5.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 1, "row_count": 11, "value": 6}, {"group": 0, "row_count": 11, "value": 5}], "1": [{"group": 0, "row_count": 11, "value": 6}, {"group": 1, "row_count": 11, "value": 5}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 762, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 5, "row_count": 11, "value": 11}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 11, "degree": 5}, {"id": 87, "name": 87, "tooltip": "87 (size: 5)
\n \n \n 0.00 | \n 5.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [633, 634, 635, 636, 637], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 5.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 1, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 762, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 4, "row_count": 5, "value": 5}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 4}, "size": 5, "degree": 4}, {"id": 88, "name": 88, "tooltip": "88 (size: 11)
\n \n \n 0.00 | \n 8.00 | \n
\n \n 1.00 | \n 2.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [632, 633, 634, 635, 636, 637, 638, 639, 640, 641, 642], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 8.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 2.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 1, "row_count": 11, "value": 8}, {"group": 0, "row_count": 11, "value": 3}], "1": [{"group": 0, "row_count": 11, "value": 9}, {"group": 1, "row_count": 11, "value": 2}], "2": [{"group": 0, "row_count": 11, "value": 10}, {"group": 1, "row_count": 11, "value": 1}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 762, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 5, "row_count": 11, "value": 11}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 11, "degree": 5}, {"id": 89, "name": 89, "tooltip": "89 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [624], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 90, "name": 90, "tooltip": "90 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 8.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [623, 624, 625, 626, 627, 628, 629, 630, 789, 790], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 8.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 1, "row_count": 10, "value": 8}, {"group": 0, "row_count": 10, "value": 2}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 8}, {"group": 1, "row_count": 10, "value": 2}], "data_id": [{"group": 762, "row_count": 10, "value": 8}, {"group": 1016, "row_count": 10, "value": 2}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 10, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 10}, "size": 10, "degree": 10}, {"id": 91, "name": 91, "tooltip": "91 (size: 16)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 11.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [617, 618, 619, 620, 621, 622, 623, 624, 625, 626, 627, 787, 788, 789, 790, 791], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 16.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 16.0}, {"label": 2.0, "group": 2.0, "value": 11.0, "row_count": 16.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 16.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 16.0}], "0": [{"group": 0, "row_count": 16, "value": 16}], "1": [{"group": 0, "row_count": 16, "value": 16}], "2": [{"group": 1, "row_count": 16, "value": 11}, {"group": 0, "row_count": 16, "value": 5}], "3": [{"group": 0, "row_count": 16, "value": 16}], "4": [{"group": 0, "row_count": 16, "value": 11}, {"group": 1, "row_count": 16, "value": 5}], "data_id": [{"group": 762, "row_count": 16, "value": 11}, {"group": 1016, "row_count": 16, "value": 5}], "uniform": [{"group": 0, "row_count": 16, "value": 16}], "degree": [{"group": 18, "row_count": 16, "value": 16}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 18}, "size": 16, "degree": 18}, {"id": 92, "name": 92, "tooltip": "92 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [615], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 8, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 8}, "size": 1, "degree": 8}, {"id": 93, "name": 93, "tooltip": "93 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 8.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [615, 616, 617, 618, 619, 620, 621, 622], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 8.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 0, "row_count": 8, "value": 8}], "2": [{"group": 1, "row_count": 8, "value": 8}], "3": [{"group": 0, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 762, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 13, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 13}, "size": 8, "degree": 13}, {"id": 94, "name": 94, "tooltip": "94 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 9.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [615, 616, 617, 618, 619, 620, 621, 622, 623], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 9.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 1, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 762, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 15, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 15}, "size": 9, "degree": 15}, {"id": 95, "name": 95, "tooltip": "95 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [613, 614], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 1, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 762, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 6, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 6}, "size": 2, "degree": 6}, {"id": 96, "name": 96, "tooltip": "96 (size: 3)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 3.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [612, 613, 614], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 3.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 3.0}, {"label": 2.0, "group": 2.0, "value": 3.0, "row_count": 3.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 3.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 3.0}], "0": [{"group": 0, "row_count": 3, "value": 3}], "1": [{"group": 0, "row_count": 3, "value": 3}], "2": [{"group": 1, "row_count": 3, "value": 3}], "3": [{"group": 0, "row_count": 3, "value": 3}], "4": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 762, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 8, "row_count": 3, "value": 3}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 8}, "size": 3, "degree": 8}, {"id": 97, "name": 97, "tooltip": "97 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [606], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 98, "name": 98, "tooltip": "98 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 10.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [602, 603, 604, 605, 606, 607, 608, 609, 610, 611], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 10.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 1, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 762, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 14, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 14}, "size": 10, "degree": 14}, {"id": 99, "name": 99, "tooltip": "99 (size: 3)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 3.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [597, 598, 599], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 3.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 3.0}, {"label": 2.0, "group": 2.0, "value": 3.0, "row_count": 3.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 3.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 3.0}], "0": [{"group": 0, "row_count": 3, "value": 3}], "1": [{"group": 0, "row_count": 3, "value": 3}], "2": [{"group": 1, "row_count": 3, "value": 3}], "3": [{"group": 0, "row_count": 3, "value": 3}], "4": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 762, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 8, "row_count": 3, "value": 3}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 8}, "size": 3, "degree": 8}, {"id": 100, "name": 100, "tooltip": "100 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [592], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 101, "name": 101, "tooltip": "101 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [575], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 102, "name": 102, "tooltip": "102 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [574], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 103, "name": 103, "tooltip": "103 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [569], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 9, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 9}, "size": 1, "degree": 9}, {"id": 104, "name": 104, "tooltip": "104 (size: 7)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 7.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [567, 568, 569, 570, 571, 572, 573], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 7.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 7.0}, {"label": 2.0, "group": 2.0, "value": 7.0, "row_count": 7.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 7.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 7.0}], "0": [{"group": 0, "row_count": 7, "value": 7}], "1": [{"group": 0, "row_count": 7, "value": 7}], "2": [{"group": 1, "row_count": 7, "value": 7}], "3": [{"group": 0, "row_count": 7, "value": 7}], "4": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 762, "row_count": 7, "value": 7}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 14, "row_count": 7, "value": 7}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 14}, "size": 7, "degree": 14}, {"id": 105, "name": 105, "tooltip": "105 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [551], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 7, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 7}, "size": 1, "degree": 7}, {"id": 106, "name": 106, "tooltip": "106 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [547], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 107, "name": 107, "tooltip": "107 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 8.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [546, 547, 548, 549, 550, 551, 552, 553], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 8.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 0, "row_count": 8, "value": 8}], "2": [{"group": 1, "row_count": 8, "value": 8}], "3": [{"group": 0, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 762, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 16, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 16}, "size": 8, "degree": 16}, {"id": 108, "name": 108, "tooltip": "108 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [543], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 109, "name": 109, "tooltip": "109 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 5.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [543, 544, 545, 546, 547], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 5.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 1, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 762, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 7, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 7}, "size": 5, "degree": 7}, {"id": 110, "name": 110, "tooltip": "110 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 12.00 | \n
\n \n
", "members": [542, 840, 841, 842, 843, 844, 845, 846, 847, 848, 849, 850, 851], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 12.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 12}, {"group": 1, "row_count": 13, "value": 1}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 1, "row_count": 13, "value": 12}, {"group": 0, "row_count": 13, "value": 1}], "data_id": [{"group": 1016, "row_count": 13, "value": 12}, {"group": 762, "row_count": 13, "value": 1}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 11, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 11}, "size": 13, "degree": 11}, {"id": 111, "name": 111, "tooltip": "111 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [539], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 112, "name": 112, "tooltip": "112 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 5.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [536, 537, 538, 539, 540], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 5.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 1, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 508, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 7, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 7}, "size": 5, "degree": 7}, {"id": 113, "name": 113, "tooltip": "113 (size: 14)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 9.00 | \n
\n \n 4.00 | \n 3.00 | \n
\n \n
", "members": [535, 768, 769, 770, 771, 936, 937, 938, 939, 940, 941, 942, 943, 944], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 9.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 3.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 13}, {"group": 1, "row_count": 14, "value": 1}], "1": [{"group": 0, "row_count": 14, "value": 14}], "2": [{"group": 0, "row_count": 14, "value": 13}, {"group": 1, "row_count": 14, "value": 1}], "3": [{"group": 1, "row_count": 14, "value": 9}, {"group": 0, "row_count": 14, "value": 5}], "4": [{"group": 0, "row_count": 14, "value": 11}, {"group": 1, "row_count": 14, "value": 3}], "data_id": [{"group": 1016, "row_count": 14, "value": 11}, {"group": 762, "row_count": 14, "value": 2}, {"group": 508, "row_count": 14, "value": 1}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 18, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 18}, "size": 14, "degree": 18}, {"id": 114, "name": 114, "tooltip": "114 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 8.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [535, 536, 537, 538, 539, 540, 541, 542], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 8.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 0, "row_count": 8, "value": 8}], "2": [{"group": 1, "row_count": 8, "value": 8}], "3": [{"group": 0, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 508, "row_count": 8, "value": 6}, {"group": 762, "row_count": 8, "value": 2}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 13, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 13}, "size": 8, "degree": 13}, {"id": 115, "name": 115, "tooltip": "115 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [534], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 7, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 7}, "size": 1, "degree": 7}, {"id": 116, "name": 116, "tooltip": "116 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [533], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 117, "name": 117, "tooltip": "117 (size: 18)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 18.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [520, 521, 522, 523, 524, 525, 526, 527, 528, 529, 530, 575, 576, 577, 578, 579, 596, 597], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 18.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 18.0}, {"label": 2.0, "group": 2.0, "value": 18.0, "row_count": 18.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 18.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 18.0}], "0": [{"group": 0, "row_count": 18, "value": 18}], "1": [{"group": 0, "row_count": 18, "value": 18}], "2": [{"group": 1, "row_count": 18, "value": 18}], "3": [{"group": 0, "row_count": 18, "value": 18}], "4": [{"group": 0, "row_count": 18, "value": 18}], "data_id": [{"group": 508, "row_count": 18, "value": 11}, {"group": 762, "row_count": 18, "value": 7}], "uniform": [{"group": 0, "row_count": 18, "value": 18}], "degree": [{"group": 19, "row_count": 18, "value": 18}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 19}, "size": 18, "degree": 19}, {"id": 118, "name": 118, "tooltip": "118 (size: 12)
\n \n \n 0.00 | \n 2.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 10.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [511, 512, 513, 514, 515, 516, 517, 518, 519, 520, 521, 522], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 2.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 10.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 10}, {"group": 1, "row_count": 12, "value": 2}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 1, "row_count": 12, "value": 10}, {"group": 0, "row_count": 12, "value": 2}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 508, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 2, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 2}, "size": 12, "degree": 2}, {"id": 119, "name": 119, "tooltip": "119 (size: 11)
\n \n \n 0.00 | \n 8.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [504, 505, 506, 507, 508, 509, 510, 511, 512, 513, 514], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 8.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 11.0}], "0": [{"group": 1, "row_count": 11, "value": 8}, {"group": 0, "row_count": 11, "value": 3}], "1": [{"group": 0, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 9}, {"group": 1, "row_count": 11, "value": 2}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 10}, {"group": 1, "row_count": 11, "value": 1}], "data_id": [{"group": 508, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 4, "row_count": 11, "value": 11}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 4}, "size": 11, "degree": 4}, {"id": 120, "name": 120, "tooltip": "120 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [500], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 121, "name": 121, "tooltip": "121 (size: 9)
\n \n \n 0.00 | \n 3.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 6.00 | \n
\n \n
", "members": [499, 500, 501, 502, 503, 504, 505, 506, 507], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 3.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 6.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 6}, {"group": 1, "row_count": 9, "value": 3}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 1, "row_count": 9, "value": 6}, {"group": 0, "row_count": 9, "value": 3}], "data_id": [{"group": 508, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 11, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 11}, "size": 9, "degree": 11}, {"id": 122, "name": 122, "tooltip": "122 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [498, 499], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 508, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 9, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 9}, "size": 2, "degree": 9}, {"id": 123, "name": 123, "tooltip": "123 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [497], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 8, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 8}, "size": 1, "degree": 8}, {"id": 124, "name": 124, "tooltip": "124 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [495, 496], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 508, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 7, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 7}, "size": 2, "degree": 7}, {"id": 125, "name": 125, "tooltip": "125 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 4.00 | \n
\n \n
", "members": [495, 496, 497, 498], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 4.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 1, "row_count": 4, "value": 4}], "data_id": [{"group": 508, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 14, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 14}, "size": 4, "degree": 14}, {"id": 126, "name": 126, "tooltip": "126 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 4.00 | \n
\n \n
", "members": [493, 494, 495, 496], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 4.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 1, "row_count": 4, "value": 4}], "data_id": [{"group": 508, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 7, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 7}, "size": 4, "degree": 7}, {"id": 127, "name": 127, "tooltip": "127 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [490, 491], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 508, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 5, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 5}, "size": 2, "degree": 5}, {"id": 128, "name": 128, "tooltip": "128 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 4.00 | \n
\n \n
", "members": [489, 490, 491, 492], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 4.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 1, "row_count": 4, "value": 4}], "data_id": [{"group": 508, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 10, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 10}, "size": 4, "degree": 10}, {"id": 129, "name": 129, "tooltip": "129 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [488], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 8, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 8}, "size": 1, "degree": 8}, {"id": 130, "name": 130, "tooltip": "130 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 9.00 | \n
\n \n
", "members": [488, 489, 490, 491, 492, 493, 494, 495, 496], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 9.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 1, "row_count": 9, "value": 9}], "data_id": [{"group": 508, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 18, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 18}, "size": 9, "degree": 18}, {"id": 131, "name": 131, "tooltip": "131 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [487, 488, 489, 490, 491], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 1, "row_count": 5, "value": 5}], "data_id": [{"group": 508, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 13, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 13}, "size": 5, "degree": 13}, {"id": 132, "name": 132, "tooltip": "132 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [481], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 133, "name": 133, "tooltip": "133 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 10.00 | \n
\n \n
", "members": [480, 481, 482, 483, 484, 485, 486, 487, 488, 489], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 10.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 1, "row_count": 10, "value": 10}], "data_id": [{"group": 508, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 18, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 18}, "size": 10, "degree": 18}, {"id": 134, "name": 134, "tooltip": "134 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [479, 480, 481, 482, 483], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 1, "row_count": 5, "value": 5}], "data_id": [{"group": 508, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 9, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 9}, "size": 5, "degree": 9}, {"id": 135, "name": 135, "tooltip": "135 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [478], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 7, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 7}, "size": 1, "degree": 7}, {"id": 136, "name": 136, "tooltip": "136 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [478, 479], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 508, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 9, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 9}, "size": 2, "degree": 9}, {"id": 137, "name": 137, "tooltip": "137 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [475, 476, 477, 478, 479], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 1, "row_count": 5, "value": 5}], "data_id": [{"group": 508, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 14, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 14}, "size": 5, "degree": 14}, {"id": 138, "name": 138, "tooltip": "138 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 8.00 | \n
\n \n
", "members": [475, 476, 477, 478, 479, 480, 481, 482], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 8.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 0, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 0, "row_count": 8, "value": 8}], "4": [{"group": 1, "row_count": 8, "value": 8}], "data_id": [{"group": 508, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 17, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 17}, "size": 8, "degree": 17}, {"id": 139, "name": 139, "tooltip": "139 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [474], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 12, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 12}, "size": 1, "degree": 12}, {"id": 140, "name": 140, "tooltip": "140 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [474, 475], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 508, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 16, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 16}, "size": 2, "degree": 16}, {"id": 141, "name": 141, "tooltip": "141 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [474, 475, 476, 477, 478], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 1, "row_count": 5, "value": 5}], "data_id": [{"group": 508, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 18, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 18}, "size": 5, "degree": 18}, {"id": 142, "name": 142, "tooltip": "142 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [467], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 143, "name": 143, "tooltip": "143 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [462], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 144, "name": 144, "tooltip": "144 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 4.00 | \n
\n \n
", "members": [462, 463, 464, 465], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 4.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 1, "row_count": 4, "value": 4}], "data_id": [{"group": 508, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 5, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 5}, "size": 4, "degree": 5}, {"id": 145, "name": 145, "tooltip": "145 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 4.00 | \n
\n \n 3.00 | \n 9.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [461, 589, 590, 591, 592, 949, 950, 951, 952, 953, 954, 955, 956, 957], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 4.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 9.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 0, "row_count": 14, "value": 14}], "2": [{"group": 0, "row_count": 14, "value": 10}, {"group": 1, "row_count": 14, "value": 4}], "3": [{"group": 1, "row_count": 14, "value": 9}, {"group": 0, "row_count": 14, "value": 5}], "4": [{"group": 0, "row_count": 14, "value": 13}, {"group": 1, "row_count": 14, "value": 1}], "data_id": [{"group": 1016, "row_count": 14, "value": 9}, {"group": 762, "row_count": 14, "value": 4}, {"group": 508, "row_count": 14, "value": 1}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 13, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 13}, "size": 14, "degree": 13}, {"id": 146, "name": 146, "tooltip": "146 (size: 7)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 7.00 | \n
\n \n
", "members": [454, 455, 456, 457, 458, 459, 460], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 7.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 7.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 7.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 7.0}, {"label": 4.0, "group": 4.0, "value": 7.0, "row_count": 7.0}], "0": [{"group": 0, "row_count": 7, "value": 7}], "1": [{"group": 0, "row_count": 7, "value": 7}], "2": [{"group": 0, "row_count": 7, "value": 7}], "3": [{"group": 0, "row_count": 7, "value": 7}], "4": [{"group": 1, "row_count": 7, "value": 7}], "data_id": [{"group": 508, "row_count": 7, "value": 7}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 9, "row_count": 7, "value": 7}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 9}, "size": 7, "degree": 9}, {"id": 147, "name": 147, "tooltip": "147 (size: 24)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 9.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 15.00 | \n
\n \n
", "members": [445, 553, 554, 555, 556, 557, 558, 559, 560, 594, 811, 812, 813, 814, 837, 879, 880, 881, 882, 883, 884, 885, 886, 887], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 24.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 24.0}, {"label": 2.0, "group": 2.0, "value": 9.0, "row_count": 24.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 24.0}, {"label": 4.0, "group": 4.0, "value": 15.0, "row_count": 24.0}], "0": [{"group": 0, "row_count": 24, "value": 24}], "1": [{"group": 0, "row_count": 24, "value": 24}], "2": [{"group": 0, "row_count": 24, "value": 15}, {"group": 1, "row_count": 24, "value": 9}], "3": [{"group": 0, "row_count": 24, "value": 24}], "4": [{"group": 1, "row_count": 24, "value": 15}, {"group": 0, "row_count": 24, "value": 9}], "data_id": [{"group": 1016, "row_count": 24, "value": 14}, {"group": 762, "row_count": 24, "value": 9}, {"group": 508, "row_count": 24, "value": 1}], "uniform": [{"group": 0, "row_count": 24, "value": 24}], "degree": [{"group": 35, "row_count": 24, "value": 24}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 35}, "size": 24, "degree": 35}, {"id": 148, "name": 148, "tooltip": "148 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 13.00 | \n
\n \n
", "members": [445, 446, 447, 779, 801, 802, 803, 804, 805, 806, 807, 808, 809], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 13.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 1, "row_count": 13, "value": 13}], "data_id": [{"group": 1016, "row_count": 13, "value": 10}, {"group": 508, "row_count": 13, "value": 3}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 13, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 13}, "size": 13, "degree": 13}, {"id": 149, "name": 149, "tooltip": "149 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 13.00 | \n
\n \n
", "members": [445, 446, 447, 775, 776, 777, 778, 779, 780, 781, 801, 802, 803], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 13.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 1, "row_count": 13, "value": 13}], "data_id": [{"group": 1016, "row_count": 13, "value": 10}, {"group": 508, "row_count": 13, "value": 3}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 16, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 16}, "size": 13, "degree": 16}, {"id": 150, "name": 150, "tooltip": "150 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [440], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 151, "name": 151, "tooltip": "151 (size: 16)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 15.00 | \n
\n \n
", "members": [439, 440, 441, 442, 443, 444, 445, 466, 467, 468, 469, 470, 471, 472, 473, 670], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 16.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 16.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 16.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 16.0}, {"label": 4.0, "group": 4.0, "value": 15.0, "row_count": 16.0}], "0": [{"group": 0, "row_count": 16, "value": 16}], "1": [{"group": 0, "row_count": 16, "value": 15}, {"group": 1, "row_count": 16, "value": 1}], "2": [{"group": 0, "row_count": 16, "value": 16}], "3": [{"group": 0, "row_count": 16, "value": 16}], "4": [{"group": 1, "row_count": 16, "value": 15}, {"group": 0, "row_count": 16, "value": 1}], "data_id": [{"group": 508, "row_count": 16, "value": 15}, {"group": 762, "row_count": 16, "value": 1}], "uniform": [{"group": 0, "row_count": 16, "value": 16}], "degree": [{"group": 25, "row_count": 16, "value": 16}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 25}, "size": 16, "degree": 25}, {"id": 152, "name": 152, "tooltip": "152 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [435], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 153, "name": 153, "tooltip": "153 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [435, 436, 437, 438, 439], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 1, "row_count": 5, "value": 5}], "data_id": [{"group": 508, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 11, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 11}, "size": 5, "degree": 11}, {"id": 154, "name": 154, "tooltip": "154 (size: 20)
\n \n \n 0.00 | \n 5.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 15.00 | \n
\n \n
", "members": [434, 501, 502, 503, 504, 505, 506, 507, 508, 509, 845, 846, 847, 848, 849, 850, 851, 852, 853, 854], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 5.0, "row_count": 20.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 20.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 20.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 20.0}, {"label": 4.0, "group": 4.0, "value": 15.0, "row_count": 20.0}], "0": [{"group": 0, "row_count": 20, "value": 15}, {"group": 1, "row_count": 20, "value": 5}], "1": [{"group": 0, "row_count": 20, "value": 20}], "2": [{"group": 0, "row_count": 20, "value": 20}], "3": [{"group": 0, "row_count": 20, "value": 20}], "4": [{"group": 1, "row_count": 20, "value": 15}, {"group": 0, "row_count": 20, "value": 5}], "data_id": [{"group": 508, "row_count": 20, "value": 10}, {"group": 1016, "row_count": 20, "value": 10}], "uniform": [{"group": 0, "row_count": 20, "value": 20}], "degree": [{"group": 20, "row_count": 20, "value": 20}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 20}, "size": 20, "degree": 20}, {"id": 155, "name": 155, "tooltip": "155 (size: 6)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 6.00 | \n
\n \n
", "members": [433, 434, 435, 436, 437, 438], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 6.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 6.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 6.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 6.0}, {"label": 4.0, "group": 4.0, "value": 6.0, "row_count": 6.0}], "0": [{"group": 0, "row_count": 6, "value": 6}], "1": [{"group": 0, "row_count": 6, "value": 6}], "2": [{"group": 0, "row_count": 6, "value": 6}], "3": [{"group": 0, "row_count": 6, "value": 6}], "4": [{"group": 1, "row_count": 6, "value": 6}], "data_id": [{"group": 508, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 11, "row_count": 6, "value": 6}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 11}, "size": 6, "degree": 11}, {"id": 156, "name": 156, "tooltip": "156 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [431], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 157, "name": 157, "tooltip": "157 (size: 6)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 6.00 | \n
\n \n
", "members": [429, 430, 431, 432, 433, 434], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 6.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 6.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 6.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 6.0}, {"label": 4.0, "group": 4.0, "value": 6.0, "row_count": 6.0}], "0": [{"group": 0, "row_count": 6, "value": 6}], "1": [{"group": 0, "row_count": 6, "value": 6}], "2": [{"group": 0, "row_count": 6, "value": 6}], "3": [{"group": 0, "row_count": 6, "value": 6}], "4": [{"group": 1, "row_count": 6, "value": 6}], "data_id": [{"group": 508, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 12, "row_count": 6, "value": 6}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 12}, "size": 6, "degree": 12}, {"id": 158, "name": 158, "tooltip": "158 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [426, 427, 428, 429, 430], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 1, "row_count": 5, "value": 5}], "data_id": [{"group": 508, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 11, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 11}, "size": 5, "degree": 11}, {"id": 159, "name": 159, "tooltip": "159 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [421], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 160, "name": 160, "tooltip": "160 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 12.00 | \n
\n \n
", "members": [418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 12.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 1, "row_count": 12, "value": 12}], "data_id": [{"group": 508, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 17, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 17}, "size": 12, "degree": 17}, {"id": 161, "name": 161, "tooltip": "161 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [415, 416, 417, 418, 419], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 1, "row_count": 5, "value": 5}], "data_id": [{"group": 508, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 5, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 5}, "size": 5, "degree": 5}, {"id": 162, "name": 162, "tooltip": "162 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [411, 412, 413, 414, 415], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 1, "row_count": 5, "value": 5}], "data_id": [{"group": 508, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 4, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 4}, "size": 5, "degree": 4}, {"id": 163, "name": 163, "tooltip": "163 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 12.00 | \n
\n \n
", "members": [409, 410, 411, 412, 413, 414, 415, 416, 417, 418, 419, 420], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 12.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 1, "row_count": 12, "value": 12}], "data_id": [{"group": 508, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 10, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 10}, "size": 12, "degree": 10}, {"id": 164, "name": 164, "tooltip": "164 (size: 35)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 11.00 | \n
\n \n 4.00 | \n 23.00 | \n
\n \n
", "members": [407, 445, 446, 447, 448, 454, 531, 802, 832, 833, 834, 835, 836, 837, 864, 865, 866, 867, 868, 869, 870, 871, 872, 873, 906, 907, 908, 909, 910, 911, 912, 913, 1005, 1006, 1007], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 35.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 35.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 35.0}, {"label": 3.0, "group": 3.0, "value": 11.0, "row_count": 35.0}, {"label": 4.0, "group": 4.0, "value": 23.0, "row_count": 35.0}], "0": [{"group": 0, "row_count": 35, "value": 35}], "1": [{"group": 0, "row_count": 35, "value": 35}], "2": [{"group": 0, "row_count": 35, "value": 34}, {"group": 1, "row_count": 35, "value": 1}], "3": [{"group": 0, "row_count": 35, "value": 24}, {"group": 1, "row_count": 35, "value": 11}], "4": [{"group": 1, "row_count": 35, "value": 23}, {"group": 0, "row_count": 35, "value": 12}], "data_id": [{"group": 1016, "row_count": 35, "value": 25}, {"group": 508, "row_count": 35, "value": 7}, {"group": 254, "row_count": 35, "value": 3}], "uniform": [{"group": 0, "row_count": 35, "value": 35}], "degree": [{"group": 39, "row_count": 35, "value": 35}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 39}, "size": 35, "degree": 39}, {"id": 165, "name": 165, "tooltip": "165 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [405, 406], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 508, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 10, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 10}, "size": 2, "degree": 10}, {"id": 166, "name": 166, "tooltip": "166 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [393], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 167, "name": 167, "tooltip": "167 (size: 12)
\n \n \n 0.00 | \n 6.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 6.00 | \n
\n \n
", "members": [379, 380, 381, 382, 383, 384, 385, 386, 387, 388, 389, 390], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 6.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 6.0, "row_count": 12.0}], "0": [{"group": 1, "row_count": 12, "value": 6}, {"group": 0, "row_count": 12, "value": 6}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 6}, {"group": 1, "row_count": 12, "value": 6}], "data_id": [{"group": 508, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 11, "row_count": 12, "value": 12}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 11}, "size": 12, "degree": 11}, {"id": 168, "name": 168, "tooltip": "168 (size: 5)
\n \n \n 0.00 | \n 3.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 2.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [375, 376, 377, 378, 379], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 3.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 2.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 1, "row_count": 5, "value": 3}, {"group": 0, "row_count": 5, "value": 2}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 3}, {"group": 1, "row_count": 5, "value": 2}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 508, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 5, "row_count": 5, "value": 5}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 5}, "size": 5, "degree": 5}, {"id": 169, "name": 169, "tooltip": "169 (size: 28)
\n \n \n 0.00 | \n 3.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 8.00 | \n
\n \n 3.00 | \n 6.00 | \n
\n \n 4.00 | \n 11.00 | \n
\n \n
", "members": [375, 376, 377, 378, 379, 428, 458, 459, 460, 461, 462, 463, 464, 465, 587, 588, 589, 590, 591, 592, 593, 601, 772, 773, 952, 953, 954, 955], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 3.0, "row_count": 28.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 28.0}, {"label": 2.0, "group": 2.0, "value": 8.0, "row_count": 28.0}, {"label": 3.0, "group": 3.0, "value": 6.0, "row_count": 28.0}, {"label": 4.0, "group": 4.0, "value": 11.0, "row_count": 28.0}], "0": [{"group": 0, "row_count": 28, "value": 25}, {"group": 1, "row_count": 28, "value": 3}], "1": [{"group": 0, "row_count": 28, "value": 28}], "2": [{"group": 0, "row_count": 28, "value": 20}, {"group": 1, "row_count": 28, "value": 8}], "3": [{"group": 0, "row_count": 28, "value": 22}, {"group": 1, "row_count": 28, "value": 6}], "4": [{"group": 0, "row_count": 28, "value": 17}, {"group": 1, "row_count": 28, "value": 11}], "data_id": [{"group": 508, "row_count": 28, "value": 14}, {"group": 762, "row_count": 28, "value": 8}, {"group": 1016, "row_count": 28, "value": 6}], "uniform": [{"group": 0, "row_count": 28, "value": 28}], "degree": [{"group": 25, "row_count": 28, "value": 28}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 25}, "size": 28, "degree": 25}, {"id": 170, "name": 170, "tooltip": "170 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [372], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 171, "name": 171, "tooltip": "171 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 4.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [370, 371, 372, 373], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 4.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 1, "row_count": 4, "value": 4}], "4": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 508, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 5, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 5}, "size": 4, "degree": 5}, {"id": 172, "name": 172, "tooltip": "172 (size: 11)
\n \n \n 0.00 | \n 3.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 8.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [369, 370, 371, 372, 373, 374, 375, 376, 377, 378, 379], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 3.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 8.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 8}, {"group": 1, "row_count": 11, "value": 3}], "1": [{"group": 0, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 1, "row_count": 11, "value": 8}, {"group": 0, "row_count": 11, "value": 3}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 508, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 9, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 9}, "size": 11, "degree": 9}, {"id": 173, "name": 173, "tooltip": "173 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 2.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [364, 365], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 2.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 1, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 508, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 5, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 5}, "size": 2, "degree": 5}, {"id": 174, "name": 174, "tooltip": "174 (size: 6)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 6.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [362, 363, 364, 365, 366, 367], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 6.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 6.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 6.0}, {"label": 3.0, "group": 3.0, "value": 6.0, "row_count": 6.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 6.0}], "0": [{"group": 0, "row_count": 6, "value": 6}], "1": [{"group": 0, "row_count": 6, "value": 6}], "2": [{"group": 0, "row_count": 6, "value": 6}], "3": [{"group": 1, "row_count": 6, "value": 6}], "4": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 508, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 8, "row_count": 6, "value": 6}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 8}, "size": 6, "degree": 8}, {"id": 175, "name": 175, "tooltip": "175 (size: 6)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 6.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [361, 362, 363, 364, 365, 366], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 6.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 6.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 6.0}, {"label": 3.0, "group": 3.0, "value": 6.0, "row_count": 6.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 6.0}], "0": [{"group": 0, "row_count": 6, "value": 6}], "1": [{"group": 0, "row_count": 6, "value": 6}], "2": [{"group": 0, "row_count": 6, "value": 6}], "3": [{"group": 1, "row_count": 6, "value": 6}], "4": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 508, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 8, "row_count": 6, "value": 6}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 8}, "size": 6, "degree": 8}, {"id": 176, "name": 176, "tooltip": "176 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 13.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [361, 362, 363, 364, 365, 366, 367, 368, 369, 370, 371, 372, 373], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 13.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 1, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 508, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 13, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 13}, "size": 13, "degree": 13}, {"id": 177, "name": 177, "tooltip": "177 (size: 15)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 15.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [353, 354, 355, 356, 357, 358, 359, 360, 361, 362, 363, 364, 365, 366, 367], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 15.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 15.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 15.0}, {"label": 3.0, "group": 3.0, "value": 15.0, "row_count": 15.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 15.0}], "0": [{"group": 0, "row_count": 15, "value": 15}], "1": [{"group": 0, "row_count": 15, "value": 15}], "2": [{"group": 0, "row_count": 15, "value": 15}], "3": [{"group": 1, "row_count": 15, "value": 15}], "4": [{"group": 0, "row_count": 15, "value": 15}], "data_id": [{"group": 508, "row_count": 15, "value": 15}], "uniform": [{"group": 0, "row_count": 15, "value": 15}], "degree": [{"group": 10, "row_count": 15, "value": 15}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 10}, "size": 15, "degree": 10}, {"id": 178, "name": 178, "tooltip": "178 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 14.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [351, 352, 353, 354, 355, 356, 357, 358, 359, 360, 361, 362, 363, 364], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 14.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 0, "row_count": 14, "value": 14}], "2": [{"group": 0, "row_count": 14, "value": 14}], "3": [{"group": 1, "row_count": 14, "value": 14}], "4": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 508, "row_count": 14, "value": 14}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 12, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 12}, "size": 14, "degree": 12}, {"id": 179, "name": 179, "tooltip": "179 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [349], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 180, "name": 180, "tooltip": "180 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 5.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [347, 348, 349, 350, 351], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 5.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 1, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 508, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 6, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 6}, "size": 5, "degree": 6}, {"id": 181, "name": 181, "tooltip": "181 (size: 15)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 15.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [345, 346, 347, 348, 349, 350, 351, 352, 353, 354, 355, 356, 357, 358, 359], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 15.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 15.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 15.0}, {"label": 3.0, "group": 3.0, "value": 15.0, "row_count": 15.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 15.0}], "0": [{"group": 0, "row_count": 15, "value": 15}], "1": [{"group": 0, "row_count": 15, "value": 15}], "2": [{"group": 0, "row_count": 15, "value": 15}], "3": [{"group": 1, "row_count": 15, "value": 15}], "4": [{"group": 0, "row_count": 15, "value": 15}], "data_id": [{"group": 508, "row_count": 15, "value": 15}], "uniform": [{"group": 0, "row_count": 15, "value": 15}], "degree": [{"group": 7, "row_count": 15, "value": 15}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 7}, "size": 15, "degree": 7}, {"id": 182, "name": 182, "tooltip": "182 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 2.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [340, 341], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 2.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 1, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 508, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 6, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 6}, "size": 2, "degree": 6}, {"id": 183, "name": 183, "tooltip": "183 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 13.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [340, 341, 342, 343, 344, 345, 346, 347, 348, 349, 350, 351, 352], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 13.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 1, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 508, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 11, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 11}, "size": 13, "degree": 11}, {"id": 184, "name": 184, "tooltip": "184 (size: 3)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 3.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [339, 340, 341], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 3.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 3.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 3.0}, {"label": 3.0, "group": 3.0, "value": 3.0, "row_count": 3.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 3.0}], "0": [{"group": 0, "row_count": 3, "value": 3}], "1": [{"group": 0, "row_count": 3, "value": 3}], "2": [{"group": 0, "row_count": 3, "value": 3}], "3": [{"group": 1, "row_count": 3, "value": 3}], "4": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 508, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 7, "row_count": 3, "value": 3}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 7}, "size": 3, "degree": 7}, {"id": 185, "name": 185, "tooltip": "185 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 2.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [336, 337], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 2.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 1, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 508, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 9, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 9}, "size": 2, "degree": 9}, {"id": 186, "name": 186, "tooltip": "186 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 2.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [335, 336], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 2.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 1, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 508, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 10, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 10}, "size": 2, "degree": 10}, {"id": 187, "name": 187, "tooltip": "187 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 13.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [335, 336, 337, 338, 339, 340, 341, 342, 343, 344, 345, 346, 347], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 13.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 1, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 508, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 16, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 16}, "size": 13, "degree": 16}, {"id": 188, "name": 188, "tooltip": "188 (size: 6)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 6.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [334, 335, 336, 337, 338, 339], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 6.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 6.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 6.0}, {"label": 3.0, "group": 3.0, "value": 6.0, "row_count": 6.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 6.0}], "0": [{"group": 0, "row_count": 6, "value": 6}], "1": [{"group": 0, "row_count": 6, "value": 6}], "2": [{"group": 0, "row_count": 6, "value": 6}], "3": [{"group": 1, "row_count": 6, "value": 6}], "4": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 508, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 14, "row_count": 6, "value": 6}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 14}, "size": 6, "degree": 14}, {"id": 189, "name": 189, "tooltip": "189 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 13.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [332, 333, 334, 335, 336, 337, 338, 339, 340, 341, 342, 343, 344], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 13.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 1, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 508, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 18, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 18}, "size": 13, "degree": 18}, {"id": 190, "name": 190, "tooltip": "190 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 5.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [331, 332, 333, 334, 335], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 5.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 1, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 508, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 12, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 12}, "size": 5, "degree": 12}, {"id": 191, "name": 191, "tooltip": "191 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 14.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [327, 328, 329, 330, 331, 332, 333, 334, 335, 336, 337, 338, 339, 340], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 14.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 0, "row_count": 14, "value": 14}], "2": [{"group": 0, "row_count": 14, "value": 14}], "3": [{"group": 1, "row_count": 14, "value": 14}], "4": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 508, "row_count": 14, "value": 14}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 19, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 19}, "size": 14, "degree": 19}, {"id": 192, "name": 192, "tooltip": "192 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 13.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [325, 326, 327, 328, 329, 330, 331, 332, 333, 334, 335, 336, 337], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 13.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 1, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 508, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 16, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 16}, "size": 13, "degree": 16}, {"id": 193, "name": 193, "tooltip": "193 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [321], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 194, "name": 194, "tooltip": "194 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 14.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [321, 322, 323, 324, 325, 326, 327, 328, 329, 330, 331, 332, 333, 334], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 14.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 0, "row_count": 14, "value": 14}], "2": [{"group": 0, "row_count": 14, "value": 14}], "3": [{"group": 1, "row_count": 14, "value": 14}], "4": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 508, "row_count": 14, "value": 14}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 16, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 16}, "size": 14, "degree": 16}, {"id": 195, "name": 195, "tooltip": "195 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 11.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [320, 321, 322, 323, 324, 325, 326, 327, 328, 329, 330], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 11.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 0, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 1, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 508, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 9, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 9}, "size": 11, "degree": 9}, {"id": 196, "name": 196, "tooltip": "196 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [319], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 197, "name": 197, "tooltip": "197 (size: 25)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 19.00 | \n
\n \n 4.00 | \n 6.00 | \n
\n \n
", "members": [313, 314, 315, 316, 317, 318, 319, 320, 321, 322, 323, 324, 325, 326, 810, 811, 812, 857, 879, 880, 926, 927, 928, 929, 930], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 25.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 25.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 25.0}, {"label": 3.0, "group": 3.0, "value": 19.0, "row_count": 25.0}, {"label": 4.0, "group": 4.0, "value": 6.0, "row_count": 25.0}], "0": [{"group": 0, "row_count": 25, "value": 25}], "1": [{"group": 0, "row_count": 25, "value": 25}], "2": [{"group": 0, "row_count": 25, "value": 25}], "3": [{"group": 1, "row_count": 25, "value": 19}, {"group": 0, "row_count": 25, "value": 6}], "4": [{"group": 0, "row_count": 25, "value": 19}, {"group": 1, "row_count": 25, "value": 6}], "data_id": [{"group": 508, "row_count": 25, "value": 14}, {"group": 1016, "row_count": 25, "value": 11}], "uniform": [{"group": 0, "row_count": 25, "value": 25}], "degree": [{"group": 28, "row_count": 25, "value": 25}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 28}, "size": 25, "degree": 28}, {"id": 198, "name": 198, "tooltip": "198 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [312], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 199, "name": 199, "tooltip": "199 (size: 17)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 16.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [312, 362, 489, 914, 915, 916, 917, 918, 919, 920, 921, 922, 923, 924, 925, 926, 985], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 17.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 17.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 17.0}, {"label": 3.0, "group": 3.0, "value": 16.0, "row_count": 17.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 17.0}], "0": [{"group": 0, "row_count": 17, "value": 17}], "1": [{"group": 0, "row_count": 17, "value": 17}], "2": [{"group": 0, "row_count": 17, "value": 17}], "3": [{"group": 1, "row_count": 17, "value": 16}, {"group": 0, "row_count": 17, "value": 1}], "4": [{"group": 0, "row_count": 17, "value": 16}, {"group": 1, "row_count": 17, "value": 1}], "data_id": [{"group": 1016, "row_count": 17, "value": 14}, {"group": 508, "row_count": 17, "value": 3}], "uniform": [{"group": 0, "row_count": 17, "value": 17}], "degree": [{"group": 31, "row_count": 17, "value": 17}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 31}, "size": 17, "degree": 31}, {"id": 200, "name": 200, "tooltip": "200 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 12.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [310, 311, 312, 313, 314, 315, 316, 317, 318, 319, 320, 321], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 12.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 1, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 508, "row_count": 12, "value": 10}, {"group": 254, "row_count": 12, "value": 2}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 18, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 18}, "size": 12, "degree": 18}, {"id": 201, "name": 201, "tooltip": "201 (size: 3)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 3.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [309, 310, 311], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 3.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 3.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 3.0}, {"label": 3.0, "group": 3.0, "value": 3.0, "row_count": 3.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 3.0}], "0": [{"group": 0, "row_count": 3, "value": 3}], "1": [{"group": 0, "row_count": 3, "value": 3}], "2": [{"group": 0, "row_count": 3, "value": 3}], "3": [{"group": 1, "row_count": 3, "value": 3}], "4": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 254, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 9, "row_count": 3, "value": 3}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 9}, "size": 3, "degree": 9}, {"id": 202, "name": 202, "tooltip": "202 (size: 33)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 24.00 | \n
\n \n 4.00 | \n 9.00 | \n
\n \n
", "members": [308, 309, 310, 311, 312, 313, 314, 315, 316, 317, 318, 319, 320, 362, 454, 489, 828, 829, 830, 831, 863, 864, 865, 921, 922, 923, 924, 925, 926, 927, 928, 929, 930], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 33.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 33.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 33.0}, {"label": 3.0, "group": 3.0, "value": 24.0, "row_count": 33.0}, {"label": 4.0, "group": 4.0, "value": 9.0, "row_count": 33.0}], "0": [{"group": 0, "row_count": 33, "value": 33}], "1": [{"group": 0, "row_count": 33, "value": 33}], "2": [{"group": 0, "row_count": 33, "value": 33}], "3": [{"group": 1, "row_count": 33, "value": 24}, {"group": 0, "row_count": 33, "value": 9}], "4": [{"group": 0, "row_count": 33, "value": 24}, {"group": 1, "row_count": 33, "value": 9}], "data_id": [{"group": 1016, "row_count": 33, "value": 17}, {"group": 508, "row_count": 33, "value": 12}, {"group": 254, "row_count": 33, "value": 4}], "uniform": [{"group": 0, "row_count": 33, "value": 33}], "degree": [{"group": 50, "row_count": 33, "value": 33}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 50}, "size": 33, "degree": 50}, {"id": 203, "name": 203, "tooltip": "203 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 12.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 12.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 1, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 254, "row_count": 12, "value": 11}, {"group": 508, "row_count": 12, "value": 1}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 15, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 15}, "size": 12, "degree": 15}, {"id": 204, "name": 204, "tooltip": "204 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 2.00 | \n
\n \n 4.00 | \n 10.00 | \n
\n \n
", "members": [300, 301, 394, 395, 396, 397, 398, 399, 400, 401, 402, 403, 530, 531], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 2.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 10.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 0, "row_count": 14, "value": 14}], "2": [{"group": 0, "row_count": 14, "value": 12}, {"group": 1, "row_count": 14, "value": 2}], "3": [{"group": 0, "row_count": 14, "value": 12}, {"group": 1, "row_count": 14, "value": 2}], "4": [{"group": 1, "row_count": 14, "value": 10}, {"group": 0, "row_count": 14, "value": 4}], "data_id": [{"group": 508, "row_count": 14, "value": 12}, {"group": 254, "row_count": 14, "value": 2}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 20, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 20}, "size": 14, "degree": 20}, {"id": 205, "name": 205, "tooltip": "205 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 12.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 401], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 12.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 1, "row_count": 13, "value": 12}, {"group": 0, "row_count": 13, "value": 1}], "4": [{"group": 0, "row_count": 13, "value": 12}, {"group": 1, "row_count": 13, "value": 1}], "data_id": [{"group": 254, "row_count": 13, "value": 12}, {"group": 508, "row_count": 13, "value": 1}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 15, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 15}, "size": 13, "degree": 15}, {"id": 206, "name": 206, "tooltip": "206 (size: 21)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 10.00 | \n
\n \n 4.00 | \n 9.00 | \n
\n \n
", "members": [298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 397, 398, 399, 400, 401, 402, 403, 404, 405, 578, 579], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 21.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 21.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 21.0}, {"label": 3.0, "group": 3.0, "value": 10.0, "row_count": 21.0}, {"label": 4.0, "group": 4.0, "value": 9.0, "row_count": 21.0}], "0": [{"group": 0, "row_count": 21, "value": 21}], "1": [{"group": 0, "row_count": 21, "value": 21}], "2": [{"group": 0, "row_count": 21, "value": 19}, {"group": 1, "row_count": 21, "value": 2}], "3": [{"group": 0, "row_count": 21, "value": 11}, {"group": 1, "row_count": 21, "value": 10}], "4": [{"group": 0, "row_count": 21, "value": 12}, {"group": 1, "row_count": 21, "value": 9}], "data_id": [{"group": 254, "row_count": 21, "value": 10}, {"group": 508, "row_count": 21, "value": 9}, {"group": 762, "row_count": 21, "value": 2}], "uniform": [{"group": 0, "row_count": 21, "value": 21}], "degree": [{"group": 20, "row_count": 21, "value": 21}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 20}, "size": 21, "degree": 20}, {"id": 207, "name": 207, "tooltip": "207 (size: 15)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 10.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 399, 400, 401, 402, 403], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 15.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 15.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 15.0}, {"label": 3.0, "group": 3.0, "value": 10.0, "row_count": 15.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 15.0}], "0": [{"group": 0, "row_count": 15, "value": 15}], "1": [{"group": 0, "row_count": 15, "value": 15}], "2": [{"group": 0, "row_count": 15, "value": 15}], "3": [{"group": 1, "row_count": 15, "value": 10}, {"group": 0, "row_count": 15, "value": 5}], "4": [{"group": 0, "row_count": 15, "value": 10}, {"group": 1, "row_count": 15, "value": 5}], "data_id": [{"group": 254, "row_count": 15, "value": 10}, {"group": 508, "row_count": 15, "value": 5}], "uniform": [{"group": 0, "row_count": 15, "value": 15}], "degree": [{"group": 12, "row_count": 15, "value": 15}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 12}, "size": 15, "degree": 12}, {"id": 208, "name": 208, "tooltip": "208 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 11.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 11.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 0, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 1, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 254, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 9, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 9}, "size": 11, "degree": 9}, {"id": 209, "name": 209, "tooltip": "209 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 5.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [287, 288, 289, 290, 291], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 5.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 1, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 254, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 5, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 5}, "size": 5, "degree": 5}, {"id": 210, "name": 210, "tooltip": "210 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 13.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 13.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 1, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 254, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 7, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 7}, "size": 13, "degree": 7}, {"id": 211, "name": 211, "tooltip": "211 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 13.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 13.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 1, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 254, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 7, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 7}, "size": 13, "degree": 7}, {"id": 212, "name": 212, "tooltip": "212 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 13.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 13.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 1, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 254, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 8, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 8}, "size": 13, "degree": 8}, {"id": 213, "name": 213, "tooltip": "213 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 14.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [272, 273, 274, 275, 276, 277, 278, 279, 280, 281, 282, 283, 284, 285], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 14.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 0, "row_count": 14, "value": 14}], "2": [{"group": 0, "row_count": 14, "value": 14}], "3": [{"group": 1, "row_count": 14, "value": 14}], "4": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 254, "row_count": 14, "value": 14}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 6, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 6}, "size": 14, "degree": 6}, {"id": 214, "name": 214, "tooltip": "214 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 13.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [271, 588, 589, 590, 591, 592, 597, 598, 599, 600, 601, 602, 603, 604], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 13.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 0, "row_count": 14, "value": 14}], "2": [{"group": 1, "row_count": 14, "value": 13}, {"group": 0, "row_count": 14, "value": 1}], "3": [{"group": 0, "row_count": 14, "value": 13}, {"group": 1, "row_count": 14, "value": 1}], "4": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 762, "row_count": 14, "value": 13}, {"group": 254, "row_count": 14, "value": 1}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 22, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 22}, "size": 14, "degree": 22}, {"id": 215, "name": 215, "tooltip": "215 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 13.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [270, 271, 272, 273, 274, 275, 276, 277, 278, 279, 280, 281, 282], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 13.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 1, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 254, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 9, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 9}, "size": 13, "degree": 9}, {"id": 216, "name": 216, "tooltip": "216 (size: 17)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 14.00 | \n
\n \n
", "members": [269, 385, 386, 387, 388, 389, 390, 391, 392, 393, 394, 494, 495, 496, 497, 603, 605], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 17.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 17.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 17.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 17.0}, {"label": 4.0, "group": 4.0, "value": 14.0, "row_count": 17.0}], "0": [{"group": 0, "row_count": 17, "value": 17}], "1": [{"group": 0, "row_count": 17, "value": 17}], "2": [{"group": 0, "row_count": 17, "value": 15}, {"group": 1, "row_count": 17, "value": 2}], "3": [{"group": 0, "row_count": 17, "value": 16}, {"group": 1, "row_count": 17, "value": 1}], "4": [{"group": 1, "row_count": 17, "value": 14}, {"group": 0, "row_count": 17, "value": 3}], "data_id": [{"group": 508, "row_count": 17, "value": 14}, {"group": 762, "row_count": 17, "value": 2}, {"group": 254, "row_count": 17, "value": 1}], "uniform": [{"group": 0, "row_count": 17, "value": 17}], "degree": [{"group": 25, "row_count": 17, "value": 17}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 25}, "size": 17, "degree": 25}, {"id": 217, "name": 217, "tooltip": "217 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 13.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [268, 269, 270, 271, 272, 273, 274, 275, 276, 277, 278, 279, 280], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 13.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 1, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 254, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 12, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 12}, "size": 13, "degree": 12}, {"id": 218, "name": 218, "tooltip": "218 (size: 19)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 3.00 | \n
\n \n 3.00 | \n 12.00 | \n
\n \n 4.00 | \n 4.00 | \n
\n \n
", "members": [266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 277, 392, 393, 394, 437, 597, 598, 599], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 19.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 19.0}, {"label": 2.0, "group": 2.0, "value": 3.0, "row_count": 19.0}, {"label": 3.0, "group": 3.0, "value": 12.0, "row_count": 19.0}, {"label": 4.0, "group": 4.0, "value": 4.0, "row_count": 19.0}], "0": [{"group": 0, "row_count": 19, "value": 19}], "1": [{"group": 0, "row_count": 19, "value": 19}], "2": [{"group": 0, "row_count": 19, "value": 16}, {"group": 1, "row_count": 19, "value": 3}], "3": [{"group": 1, "row_count": 19, "value": 12}, {"group": 0, "row_count": 19, "value": 7}], "4": [{"group": 0, "row_count": 19, "value": 15}, {"group": 1, "row_count": 19, "value": 4}], "data_id": [{"group": 254, "row_count": 19, "value": 12}, {"group": 508, "row_count": 19, "value": 4}, {"group": 762, "row_count": 19, "value": 3}], "uniform": [{"group": 0, "row_count": 19, "value": 19}], "degree": [{"group": 24, "row_count": 19, "value": 19}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 24}, "size": 19, "degree": 24}, {"id": 219, "name": 219, "tooltip": "219 (size: 3)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 3.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [264, 265, 266], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 3.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 3.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 3.0}, {"label": 3.0, "group": 3.0, "value": 3.0, "row_count": 3.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 3.0}], "0": [{"group": 0, "row_count": 3, "value": 3}], "1": [{"group": 0, "row_count": 3, "value": 3}], "2": [{"group": 0, "row_count": 3, "value": 3}], "3": [{"group": 1, "row_count": 3, "value": 3}], "4": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 254, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 5, "row_count": 3, "value": 3}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 5}, "size": 3, "degree": 5}, {"id": 220, "name": 220, "tooltip": "220 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 9.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [260, 261, 262, 263, 264, 265, 266, 267, 268], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 9.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 1, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 254, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 11, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 11}, "size": 9, "degree": 11}, {"id": 221, "name": 221, "tooltip": "221 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 12.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [260, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 12.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 1, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 254, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 15, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 15}, "size": 12, "degree": 15}, {"id": 222, "name": 222, "tooltip": "222 (size: 5)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 4.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [256, 257, 258, 259, 260], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 4.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 4}, {"group": 1, "row_count": 5, "value": 1}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 1, "row_count": 5, "value": 4}, {"group": 0, "row_count": 5, "value": 1}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 254, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 7, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 7}, "size": 5, "degree": 7}, {"id": 223, "name": 223, "tooltip": "223 (size: 13)
\n \n \n 0.00 | \n 2.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 11.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 2.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 11.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 11}, {"group": 1, "row_count": 13, "value": 2}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 1, "row_count": 13, "value": 11}, {"group": 0, "row_count": 13, "value": 2}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 254, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 10, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 10}, "size": 13, "degree": 10}, {"id": 224, "name": 224, "tooltip": "224 (size: 13)
\n \n \n 0.00 | \n 8.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 5.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 8.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 5.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 1, "row_count": 13, "value": 8}, {"group": 0, "row_count": 13, "value": 5}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 8}, {"group": 1, "row_count": 13, "value": 5}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 254, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 11, "row_count": 13, "value": 13}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 11}, "size": 13, "degree": 11}, {"id": 225, "name": 225, "tooltip": "225 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [248], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 7, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 7}, "size": 1, "degree": 7}, {"id": 226, "name": 226, "tooltip": "226 (size: 40)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 7.00 | \n
\n \n 3.00 | \n 7.00 | \n
\n \n 4.00 | \n 25.00 | \n
\n \n
", "members": [248, 249, 407, 420, 421, 422, 423, 479, 480, 481, 482, 483, 484, 485, 486, 487, 561, 562, 563, 564, 582, 583, 810, 870, 871, 872, 873, 874, 875, 876, 877, 878, 879, 911, 912, 972, 973, 974, 975, 976], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 40.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 40.0}, {"label": 2.0, "group": 2.0, "value": 7.0, "row_count": 40.0}, {"label": 3.0, "group": 3.0, "value": 7.0, "row_count": 40.0}, {"label": 4.0, "group": 4.0, "value": 25.0, "row_count": 40.0}], "0": [{"group": 0, "row_count": 40, "value": 39}, {"group": 1, "row_count": 40, "value": 1}], "1": [{"group": 0, "row_count": 40, "value": 40}], "2": [{"group": 0, "row_count": 40, "value": 33}, {"group": 1, "row_count": 40, "value": 7}], "3": [{"group": 0, "row_count": 40, "value": 33}, {"group": 1, "row_count": 40, "value": 7}], "4": [{"group": 1, "row_count": 40, "value": 25}, {"group": 0, "row_count": 40, "value": 15}], "data_id": [{"group": 1016, "row_count": 40, "value": 18}, {"group": 508, "row_count": 40, "value": 14}, {"group": 762, "row_count": 40, "value": 6}, {"group": 254, "row_count": 40, "value": 2}], "uniform": [{"group": 0, "row_count": 40, "value": 40}], "degree": [{"group": 50, "row_count": 40, "value": 40}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 50}, "size": 40, "degree": 50}, {"id": 227, "name": 227, "tooltip": "227 (size: 39)
\n \n \n 0.00 | \n 3.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 5.00 | \n
\n \n 3.00 | \n 5.00 | \n
\n \n 4.00 | \n 26.00 | \n
\n \n
", "members": [246, 247, 248, 249, 250, 251, 320, 321, 322, 323, 483, 484, 554, 555, 805, 806, 807, 808, 809, 810, 811, 812, 813, 814, 855, 856, 857, 858, 859, 874, 875, 876, 877, 878, 879, 880, 881, 882, 996], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 3.0, "row_count": 39.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 39.0}, {"label": 2.0, "group": 2.0, "value": 5.0, "row_count": 39.0}, {"label": 3.0, "group": 3.0, "value": 5.0, "row_count": 39.0}, {"label": 4.0, "group": 4.0, "value": 26.0, "row_count": 39.0}], "0": [{"group": 0, "row_count": 39, "value": 36}, {"group": 1, "row_count": 39, "value": 3}], "1": [{"group": 0, "row_count": 39, "value": 39}], "2": [{"group": 0, "row_count": 39, "value": 34}, {"group": 1, "row_count": 39, "value": 5}], "3": [{"group": 0, "row_count": 39, "value": 34}, {"group": 1, "row_count": 39, "value": 5}], "4": [{"group": 1, "row_count": 39, "value": 26}, {"group": 0, "row_count": 39, "value": 13}], "data_id": [{"group": 1016, "row_count": 39, "value": 25}, {"group": 254, "row_count": 39, "value": 6}, {"group": 508, "row_count": 39, "value": 6}, {"group": 762, "row_count": 39, "value": 2}], "uniform": [{"group": 0, "row_count": 39, "value": 39}], "degree": [{"group": 36, "row_count": 39, "value": 39}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 36}, "size": 39, "degree": 36}, {"id": 228, "name": 228, "tooltip": "228 (size: 49)
\n \n \n 0.00 | \n 8.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 9.00 | \n
\n \n 3.00 | \n 6.00 | \n
\n \n 4.00 | \n 25.00 | \n
\n \n
", "members": [243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 321, 436, 437, 438, 439, 440, 463, 464, 465, 466, 467, 468, 484, 552, 554, 555, 670, 785, 810, 811, 812, 857, 875, 876, 877, 878, 879, 880, 881, 882, 994, 995, 996, 997, 998], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 8.0, "row_count": 49.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 49.0}, {"label": 2.0, "group": 2.0, "value": 9.0, "row_count": 49.0}, {"label": 3.0, "group": 3.0, "value": 6.0, "row_count": 49.0}, {"label": 4.0, "group": 4.0, "value": 25.0, "row_count": 49.0}], "0": [{"group": 0, "row_count": 49, "value": 41}, {"group": 1, "row_count": 49, "value": 8}], "1": [{"group": 0, "row_count": 49, "value": 48}, {"group": 1, "row_count": 49, "value": 1}], "2": [{"group": 0, "row_count": 49, "value": 40}, {"group": 1, "row_count": 49, "value": 9}], "3": [{"group": 0, "row_count": 49, "value": 43}, {"group": 1, "row_count": 49, "value": 6}], "4": [{"group": 1, "row_count": 49, "value": 25}, {"group": 0, "row_count": 49, "value": 24}], "data_id": [{"group": 1016, "row_count": 49, "value": 18}, {"group": 254, "row_count": 49, "value": 14}, {"group": 508, "row_count": 49, "value": 13}, {"group": 762, "row_count": 49, "value": 4}], "uniform": [{"group": 0, "row_count": 49, "value": 49}], "degree": [{"group": 54, "row_count": 49, "value": 49}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 54}, "size": 49, "degree": 54}, {"id": 229, "name": 229, "tooltip": "229 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [239], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 9, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 9}, "size": 1, "degree": 9}, {"id": 230, "name": 230, "tooltip": "230 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 5.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [237, 238, 239, 240, 241], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 5.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 1, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 254, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 15, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 15}, "size": 5, "degree": 15}, {"id": 231, "name": 231, "tooltip": "231 (size: 14)
\n \n \n 0.00 | \n 2.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 12.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 2.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 12.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 12}, {"group": 1, "row_count": 14, "value": 2}], "1": [{"group": 0, "row_count": 14, "value": 14}], "2": [{"group": 1, "row_count": 14, "value": 12}, {"group": 0, "row_count": 14, "value": 2}], "3": [{"group": 0, "row_count": 14, "value": 14}], "4": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 254, "row_count": 14, "value": 14}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 24, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 24}, "size": 14, "degree": 24}, {"id": 232, "name": 232, "tooltip": "232 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [235, 236], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 1, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 254, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 7, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 7}, "size": 2, "degree": 7}, {"id": 233, "name": 233, "tooltip": "233 (size: 7)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 7.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [231, 232, 233, 234, 235, 236, 237], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 7.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 7.0}, {"label": 2.0, "group": 2.0, "value": 7.0, "row_count": 7.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 7.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 7.0}], "0": [{"group": 0, "row_count": 7, "value": 7}], "1": [{"group": 0, "row_count": 7, "value": 7}], "2": [{"group": 1, "row_count": 7, "value": 7}], "3": [{"group": 0, "row_count": 7, "value": 7}], "4": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 254, "row_count": 7, "value": 7}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 11, "row_count": 7, "value": 7}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 11}, "size": 7, "degree": 11}, {"id": 234, "name": 234, "tooltip": "234 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 13.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 13.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 1, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 254, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 21, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 21}, "size": 13, "degree": 21}, {"id": 235, "name": 235, "tooltip": "235 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [224], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 9, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 9}, "size": 1, "degree": 9}, {"id": 236, "name": 236, "tooltip": "236 (size: 31)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 16.00 | \n
\n \n 3.00 | \n 4.00 | \n
\n \n 4.00 | \n 11.00 | \n
\n \n
", "members": [224, 225, 226, 227, 228, 229, 230, 268, 269, 270, 271, 390, 391, 392, 393, 394, 395, 396, 397, 398, 528, 529, 530, 531, 532, 533, 595, 596, 597, 835, 836], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 31.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 31.0}, {"label": 2.0, "group": 2.0, "value": 16.0, "row_count": 31.0}, {"label": 3.0, "group": 3.0, "value": 4.0, "row_count": 31.0}, {"label": 4.0, "group": 4.0, "value": 11.0, "row_count": 31.0}], "0": [{"group": 0, "row_count": 31, "value": 31}], "1": [{"group": 0, "row_count": 31, "value": 31}], "2": [{"group": 1, "row_count": 31, "value": 16}, {"group": 0, "row_count": 31, "value": 15}], "3": [{"group": 0, "row_count": 31, "value": 27}, {"group": 1, "row_count": 31, "value": 4}], "4": [{"group": 0, "row_count": 31, "value": 20}, {"group": 1, "row_count": 31, "value": 11}], "data_id": [{"group": 508, "row_count": 31, "value": 15}, {"group": 254, "row_count": 31, "value": 11}, {"group": 762, "row_count": 31, "value": 3}, {"group": 1016, "row_count": 31, "value": 2}], "uniform": [{"group": 0, "row_count": 31, "value": 31}], "degree": [{"group": 39, "row_count": 31, "value": 31}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 39}, "size": 31, "degree": 39}, {"id": 237, "name": 237, "tooltip": "237 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [223], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 7, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 7}, "size": 1, "degree": 7}, {"id": 238, "name": 238, "tooltip": "238 (size: 31)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 24.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 6.00 | \n
\n \n
", "members": [223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 271, 393, 394, 395, 527, 528, 529, 530, 531, 532, 533, 534, 594, 595, 596, 597, 598, 599, 835, 836, 863], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 31.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 31.0}, {"label": 2.0, "group": 2.0, "value": 24.0, "row_count": 31.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 31.0}, {"label": 4.0, "group": 4.0, "value": 6.0, "row_count": 31.0}], "0": [{"group": 0, "row_count": 31, "value": 31}], "1": [{"group": 0, "row_count": 31, "value": 31}], "2": [{"group": 1, "row_count": 31, "value": 24}, {"group": 0, "row_count": 31, "value": 7}], "3": [{"group": 0, "row_count": 31, "value": 30}, {"group": 1, "row_count": 31, "value": 1}], "4": [{"group": 0, "row_count": 31, "value": 25}, {"group": 1, "row_count": 31, "value": 6}], "data_id": [{"group": 254, "row_count": 31, "value": 11}, {"group": 508, "row_count": 31, "value": 11}, {"group": 762, "row_count": 31, "value": 6}, {"group": 1016, "row_count": 31, "value": 3}], "uniform": [{"group": 0, "row_count": 31, "value": 31}], "degree": [{"group": 43, "row_count": 31, "value": 31}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 43}, "size": 31, "degree": 43}, {"id": 239, "name": 239, "tooltip": "239 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [222], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 7, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 7}, "size": 1, "degree": 7}, {"id": 240, "name": 240, "tooltip": "240 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [221], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 7, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 7}, "size": 1, "degree": 7}, {"id": 241, "name": 241, "tooltip": "241 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 9.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [216, 217, 218, 219, 220, 221, 222, 223, 224], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 9.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 1, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 254, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 15, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 15}, "size": 9, "degree": 15}, {"id": 242, "name": 242, "tooltip": "242 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 12.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 12.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 1, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 254, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 16, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 16}, "size": 12, "degree": 16}, {"id": 243, "name": 243, "tooltip": "243 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 14.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 14.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 0, "row_count": 14, "value": 14}], "2": [{"group": 1, "row_count": 14, "value": 14}], "3": [{"group": 0, "row_count": 14, "value": 14}], "4": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 254, "row_count": 14, "value": 14}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 11, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 11}, "size": 14, "degree": 11}, {"id": 244, "name": 244, "tooltip": "244 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 12.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 12.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 1, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 254, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 14, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 14}, "size": 12, "degree": 14}, {"id": 245, "name": 245, "tooltip": "245 (size: 3)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 3.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [205, 206, 207], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 3.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 3.0}, {"label": 2.0, "group": 2.0, "value": 3.0, "row_count": 3.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 3.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 3.0}], "0": [{"group": 0, "row_count": 3, "value": 3}], "1": [{"group": 0, "row_count": 3, "value": 3}], "2": [{"group": 1, "row_count": 3, "value": 3}], "3": [{"group": 0, "row_count": 3, "value": 3}], "4": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 254, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 14, "row_count": 3, "value": 3}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 14}, "size": 3, "degree": 14}, {"id": 246, "name": 246, "tooltip": "246 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [203], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 7, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 7}, "size": 1, "degree": 7}, {"id": 247, "name": 247, "tooltip": "247 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [202, 203], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 1, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 254, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 8, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 8}, "size": 2, "degree": 8}, {"id": 248, "name": 248, "tooltip": "248 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 13.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 13.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 1, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 254, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 22, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 22}, "size": 13, "degree": 22}, {"id": 249, "name": 249, "tooltip": "249 (size: 32)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 24.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 8.00 | \n
\n \n
", "members": [193, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 394, 395, 420, 454, 455, 456, 530, 531, 532, 533, 534, 535, 596, 597, 617, 835, 836], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 32.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 32.0}, {"label": 2.0, "group": 2.0, "value": 24.0, "row_count": 32.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 32.0}, {"label": 4.0, "group": 4.0, "value": 8.0, "row_count": 32.0}], "0": [{"group": 0, "row_count": 32, "value": 32}], "1": [{"group": 0, "row_count": 32, "value": 32}], "2": [{"group": 1, "row_count": 32, "value": 24}, {"group": 0, "row_count": 32, "value": 8}], "3": [{"group": 0, "row_count": 32, "value": 32}], "4": [{"group": 0, "row_count": 32, "value": 24}, {"group": 1, "row_count": 32, "value": 8}], "data_id": [{"group": 254, "row_count": 32, "value": 15}, {"group": 508, "row_count": 32, "value": 12}, {"group": 762, "row_count": 32, "value": 3}, {"group": 1016, "row_count": 32, "value": 2}], "uniform": [{"group": 0, "row_count": 32, "value": 32}], "degree": [{"group": 46, "row_count": 32, "value": 32}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 46}, "size": 32, "degree": 46}, {"id": 250, "name": 250, "tooltip": "250 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 12.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 12.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 1, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 254, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 13, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 13}, "size": 12, "degree": 13}, {"id": 251, "name": 251, "tooltip": "251 (size: 6)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 6.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [189, 190, 191, 192, 193, 194], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 6.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 6.0}, {"label": 2.0, "group": 2.0, "value": 6.0, "row_count": 6.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 6.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 6.0}], "0": [{"group": 0, "row_count": 6, "value": 6}], "1": [{"group": 0, "row_count": 6, "value": 6}], "2": [{"group": 1, "row_count": 6, "value": 6}], "3": [{"group": 0, "row_count": 6, "value": 6}], "4": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 254, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 10, "row_count": 6, "value": 6}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 10}, "size": 6, "degree": 10}, {"id": 252, "name": 252, "tooltip": "252 (size: 32)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 26.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 6.00 | \n
\n \n
", "members": [186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 403, 404, 405, 406, 407, 448, 617], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 32.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 32.0}, {"label": 2.0, "group": 2.0, "value": 26.0, "row_count": 32.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 32.0}, {"label": 4.0, "group": 4.0, "value": 6.0, "row_count": 32.0}], "0": [{"group": 0, "row_count": 32, "value": 32}], "1": [{"group": 0, "row_count": 32, "value": 32}], "2": [{"group": 1, "row_count": 32, "value": 26}, {"group": 0, "row_count": 32, "value": 6}], "3": [{"group": 0, "row_count": 32, "value": 32}], "4": [{"group": 0, "row_count": 32, "value": 26}, {"group": 1, "row_count": 32, "value": 6}], "data_id": [{"group": 254, "row_count": 32, "value": 25}, {"group": 508, "row_count": 32, "value": 6}, {"group": 762, "row_count": 32, "value": 1}], "uniform": [{"group": 0, "row_count": 32, "value": 32}], "degree": [{"group": 38, "row_count": 32, "value": 32}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 38}, "size": 32, "degree": 38}, {"id": 253, "name": 253, "tooltip": "253 (size: 42)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 23.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 19.00 | \n
\n \n
", "members": [185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 401, 402, 403, 404, 405, 406, 407, 408, 409, 410, 446, 447, 448, 449, 473, 474, 579, 617, 828, 829, 872], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 42.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 42.0}, {"label": 2.0, "group": 2.0, "value": 23.0, "row_count": 42.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 42.0}, {"label": 4.0, "group": 4.0, "value": 19.0, "row_count": 42.0}], "0": [{"group": 0, "row_count": 42, "value": 42}], "1": [{"group": 0, "row_count": 42, "value": 42}], "2": [{"group": 1, "row_count": 42, "value": 23}, {"group": 0, "row_count": 42, "value": 19}], "3": [{"group": 0, "row_count": 42, "value": 42}], "4": [{"group": 0, "row_count": 42, "value": 23}, {"group": 1, "row_count": 42, "value": 19}], "data_id": [{"group": 254, "row_count": 42, "value": 21}, {"group": 508, "row_count": 42, "value": 16}, {"group": 1016, "row_count": 42, "value": 3}, {"group": 762, "row_count": 42, "value": 2}], "uniform": [{"group": 0, "row_count": 42, "value": 42}], "degree": [{"group": 57, "row_count": 42, "value": 42}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 57}, "size": 42, "degree": 57}, {"id": 254, "name": 254, "tooltip": "254 (size: 52)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 32.00 | \n
\n \n 3.00 | \n 2.00 | \n
\n \n 4.00 | \n 18.00 | \n
\n \n
", "members": [185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 309, 310, 405, 406, 473, 474, 475, 476, 477, 478, 535, 548, 549, 550, 551, 552, 617, 783, 824, 825, 826, 827, 828, 829, 830, 840, 841], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 52.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 52.0}, {"label": 2.0, "group": 2.0, "value": 32.0, "row_count": 52.0}, {"label": 3.0, "group": 3.0, "value": 2.0, "row_count": 52.0}, {"label": 4.0, "group": 4.0, "value": 18.0, "row_count": 52.0}], "0": [{"group": 0, "row_count": 52, "value": 52}], "1": [{"group": 0, "row_count": 52, "value": 52}], "2": [{"group": 1, "row_count": 52, "value": 32}, {"group": 0, "row_count": 52, "value": 20}], "3": [{"group": 0, "row_count": 52, "value": 50}, {"group": 1, "row_count": 52, "value": 2}], "4": [{"group": 0, "row_count": 52, "value": 34}, {"group": 1, "row_count": 52, "value": 18}], "data_id": [{"group": 254, "row_count": 52, "value": 27}, {"group": 1016, "row_count": 52, "value": 10}, {"group": 508, "row_count": 52, "value": 9}, {"group": 762, "row_count": 52, "value": 6}], "uniform": [{"group": 0, "row_count": 52, "value": 52}], "degree": [{"group": 64, "row_count": 52, "value": 52}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 64}, "size": 52, "degree": 64}, {"id": 255, "name": 255, "tooltip": "255 (size: 37)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 15.00 | \n
\n \n 3.00 | \n 5.00 | \n
\n \n 4.00 | \n 17.00 | \n
\n \n
", "members": [181, 182, 183, 184, 190, 191, 299, 300, 301, 302, 303, 396, 397, 398, 399, 400, 401, 402, 403, 404, 405, 406, 407, 408, 446, 447, 448, 449, 526, 560, 575, 576, 577, 578, 579, 580, 581], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 37.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 37.0}, {"label": 2.0, "group": 2.0, "value": 15.0, "row_count": 37.0}, {"label": 3.0, "group": 3.0, "value": 5.0, "row_count": 37.0}, {"label": 4.0, "group": 4.0, "value": 17.0, "row_count": 37.0}], "0": [{"group": 0, "row_count": 37, "value": 37}], "1": [{"group": 0, "row_count": 37, "value": 37}], "2": [{"group": 0, "row_count": 37, "value": 22}, {"group": 1, "row_count": 37, "value": 15}], "3": [{"group": 0, "row_count": 37, "value": 32}, {"group": 1, "row_count": 37, "value": 5}], "4": [{"group": 0, "row_count": 37, "value": 20}, {"group": 1, "row_count": 37, "value": 17}], "data_id": [{"group": 508, "row_count": 37, "value": 18}, {"group": 254, "row_count": 37, "value": 11}, {"group": 762, "row_count": 37, "value": 8}], "uniform": [{"group": 0, "row_count": 37, "value": 37}], "degree": [{"group": 36, "row_count": 37, "value": 37}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 36}, "size": 37, "degree": 36}, {"id": 256, "name": 256, "tooltip": "256 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 13.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 238, 579], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 13.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 1, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 254, "row_count": 13, "value": 12}, {"group": 762, "row_count": 13, "value": 1}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 19, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 19}, "size": 13, "degree": 19}, {"id": 257, "name": 257, "tooltip": "257 (size: 16)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 14.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [177, 178, 179, 180, 181, 182, 183, 184, 185, 402, 403, 576, 577, 578, 579, 580], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 16.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 16.0}, {"label": 2.0, "group": 2.0, "value": 14.0, "row_count": 16.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 16.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 16.0}], "0": [{"group": 0, "row_count": 16, "value": 16}], "1": [{"group": 0, "row_count": 16, "value": 16}], "2": [{"group": 1, "row_count": 16, "value": 14}, {"group": 0, "row_count": 16, "value": 2}], "3": [{"group": 0, "row_count": 16, "value": 16}], "4": [{"group": 0, "row_count": 16, "value": 14}, {"group": 1, "row_count": 16, "value": 2}], "data_id": [{"group": 254, "row_count": 16, "value": 9}, {"group": 762, "row_count": 16, "value": 5}, {"group": 508, "row_count": 16, "value": 2}], "uniform": [{"group": 0, "row_count": 16, "value": 16}], "degree": [{"group": 13, "row_count": 16, "value": 16}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 13}, "size": 16, "degree": 13}, {"id": 258, "name": 258, "tooltip": "258 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [174], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 259, "name": 259, "tooltip": "259 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 9.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [174, 175, 176, 177, 178, 179, 180, 181, 182], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 9.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 1, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 254, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 8, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 8}, "size": 9, "degree": 8}, {"id": 260, "name": 260, "tooltip": "260 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [173], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 261, "name": 261, "tooltip": "261 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 4.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [172, 173, 174, 175], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 4.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 1, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 254, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 8, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 8}, "size": 4, "degree": 8}, {"id": 262, "name": 262, "tooltip": "262 (size: 35)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 20.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 15.00 | \n
\n \n
", "members": [170, 445, 473, 481, 482, 557, 558, 559, 560, 561, 562, 563, 564, 565, 566, 567, 579, 580, 581, 582, 583, 584, 585, 586, 835, 836, 837, 838, 839, 840, 841, 872, 873, 874, 875], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 35.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 35.0}, {"label": 2.0, "group": 2.0, "value": 20.0, "row_count": 35.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 35.0}, {"label": 4.0, "group": 4.0, "value": 15.0, "row_count": 35.0}], "0": [{"group": 0, "row_count": 35, "value": 35}], "1": [{"group": 0, "row_count": 35, "value": 35}], "2": [{"group": 1, "row_count": 35, "value": 20}, {"group": 0, "row_count": 35, "value": 15}], "3": [{"group": 0, "row_count": 35, "value": 35}], "4": [{"group": 0, "row_count": 35, "value": 20}, {"group": 1, "row_count": 35, "value": 15}], "data_id": [{"group": 762, "row_count": 35, "value": 19}, {"group": 1016, "row_count": 35, "value": 11}, {"group": 508, "row_count": 35, "value": 4}, {"group": 254, "row_count": 35, "value": 1}], "uniform": [{"group": 0, "row_count": 35, "value": 35}], "degree": [{"group": 44, "row_count": 35, "value": 35}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 44}, "size": 35, "degree": 44}, {"id": 263, "name": 263, "tooltip": "263 (size: 31)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 24.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 7.00 | \n
\n \n
", "members": [169, 224, 225, 226, 227, 228, 229, 394, 527, 528, 529, 530, 553, 554, 555, 556, 557, 558, 592, 593, 594, 595, 596, 597, 598, 795, 796, 797, 880, 881, 882], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 31.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 31.0}, {"label": 2.0, "group": 2.0, "value": 24.0, "row_count": 31.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 31.0}, {"label": 4.0, "group": 4.0, "value": 7.0, "row_count": 31.0}], "0": [{"group": 0, "row_count": 31, "value": 31}], "1": [{"group": 0, "row_count": 31, "value": 31}], "2": [{"group": 1, "row_count": 31, "value": 24}, {"group": 0, "row_count": 31, "value": 7}], "3": [{"group": 0, "row_count": 31, "value": 31}], "4": [{"group": 0, "row_count": 31, "value": 24}, {"group": 1, "row_count": 31, "value": 7}], "data_id": [{"group": 762, "row_count": 31, "value": 13}, {"group": 254, "row_count": 31, "value": 7}, {"group": 1016, "row_count": 31, "value": 6}, {"group": 508, "row_count": 31, "value": 5}], "uniform": [{"group": 0, "row_count": 31, "value": 31}], "degree": [{"group": 54, "row_count": 31, "value": 31}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 54}, "size": 31, "degree": 54}, {"id": 264, "name": 264, "tooltip": "264 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [168], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 7, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 7}, "size": 1, "degree": 7}, {"id": 265, "name": 265, "tooltip": "265 (size: 28)
\n \n \n 0.00 | \n 8.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 5.00 | \n
\n \n 3.00 | \n 8.00 | \n
\n \n 4.00 | \n 7.00 | \n
\n \n
", "members": [166, 167, 168, 169, 170, 374, 375, 376, 377, 378, 379, 380, 381, 382, 383, 384, 385, 429, 430, 461, 462, 463, 464, 1009, 1010, 1011, 1012, 1013], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 8.0, "row_count": 28.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 28.0}, {"label": 2.0, "group": 2.0, "value": 5.0, "row_count": 28.0}, {"label": 3.0, "group": 3.0, "value": 8.0, "row_count": 28.0}, {"label": 4.0, "group": 4.0, "value": 7.0, "row_count": 28.0}], "0": [{"group": 0, "row_count": 28, "value": 20}, {"group": 1, "row_count": 28, "value": 8}], "1": [{"group": 0, "row_count": 28, "value": 28}], "2": [{"group": 0, "row_count": 28, "value": 23}, {"group": 1, "row_count": 28, "value": 5}], "3": [{"group": 0, "row_count": 28, "value": 20}, {"group": 1, "row_count": 28, "value": 8}], "4": [{"group": 0, "row_count": 28, "value": 21}, {"group": 1, "row_count": 28, "value": 7}], "data_id": [{"group": 508, "row_count": 28, "value": 18}, {"group": 254, "row_count": 28, "value": 10}], "uniform": [{"group": 0, "row_count": 28, "value": 28}], "degree": [{"group": 29, "row_count": 28, "value": 28}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 29}, "size": 28, "degree": 29}, {"id": 266, "name": 266, "tooltip": "266 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 11.00 | \n
\n \n
", "members": [162, 811, 812, 813, 814, 815, 816, 817, 818, 819, 880, 881], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 11.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 11}, {"group": 1, "row_count": 12, "value": 1}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 1, "row_count": 12, "value": 11}, {"group": 0, "row_count": 12, "value": 1}], "data_id": [{"group": 1016, "row_count": 12, "value": 11}, {"group": 254, "row_count": 12, "value": 1}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 20, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 20}, "size": 12, "degree": 20}, {"id": 267, "name": 267, "tooltip": "267 (size: 50)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 28.00 | \n
\n \n 3.00 | \n 2.00 | \n
\n \n 4.00 | \n 19.00 | \n
\n \n
", "members": [162, 163, 164, 165, 166, 167, 168, 169, 170, 242, 289, 380, 414, 415, 416, 417, 418, 419, 420, 421, 422, 429, 430, 474, 476, 477, 534, 535, 536, 537, 538, 539, 540, 541, 542, 543, 544, 545, 546, 547, 548, 549, 550, 551, 840, 841, 842, 843, 844, 943], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 50.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 50.0}, {"label": 2.0, "group": 2.0, "value": 28.0, "row_count": 50.0}, {"label": 3.0, "group": 3.0, "value": 2.0, "row_count": 50.0}, {"label": 4.0, "group": 4.0, "value": 19.0, "row_count": 50.0}], "0": [{"group": 0, "row_count": 50, "value": 49}, {"group": 1, "row_count": 50, "value": 1}], "1": [{"group": 0, "row_count": 50, "value": 50}], "2": [{"group": 1, "row_count": 50, "value": 28}, {"group": 0, "row_count": 50, "value": 22}], "3": [{"group": 0, "row_count": 50, "value": 48}, {"group": 1, "row_count": 50, "value": 2}], "4": [{"group": 0, "row_count": 50, "value": 31}, {"group": 1, "row_count": 50, "value": 19}], "data_id": [{"group": 508, "row_count": 50, "value": 22}, {"group": 254, "row_count": 50, "value": 11}, {"group": 762, "row_count": 50, "value": 11}, {"group": 1016, "row_count": 50, "value": 6}], "uniform": [{"group": 0, "row_count": 50, "value": 50}], "degree": [{"group": 59, "row_count": 50, "value": 50}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 59}, "size": 50, "degree": 59}, {"id": 268, "name": 268, "tooltip": "268 (size: 17)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 5.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 12.00 | \n
\n \n
", "members": [159, 206, 207, 208, 209, 445, 446, 447, 779, 796, 797, 798, 799, 800, 801, 802, 803], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 17.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 17.0}, {"label": 2.0, "group": 2.0, "value": 5.0, "row_count": 17.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 17.0}, {"label": 4.0, "group": 4.0, "value": 12.0, "row_count": 17.0}], "0": [{"group": 0, "row_count": 17, "value": 17}], "1": [{"group": 0, "row_count": 17, "value": 17}], "2": [{"group": 0, "row_count": 17, "value": 12}, {"group": 1, "row_count": 17, "value": 5}], "3": [{"group": 0, "row_count": 17, "value": 17}], "4": [{"group": 1, "row_count": 17, "value": 12}, {"group": 0, "row_count": 17, "value": 5}], "data_id": [{"group": 1016, "row_count": 17, "value": 9}, {"group": 254, "row_count": 17, "value": 5}, {"group": 508, "row_count": 17, "value": 3}], "uniform": [{"group": 0, "row_count": 17, "value": 17}], "degree": [{"group": 35, "row_count": 17, "value": 17}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 35}, "size": 17, "degree": 35}, {"id": 269, "name": 269, "tooltip": "269 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [159, 160], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 1, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 254, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 10, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 10}, "size": 2, "degree": 10}, {"id": 270, "name": 270, "tooltip": "270 (size: 30)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 8.00 | \n
\n \n 3.00 | \n 20.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [157, 158, 165, 166, 248, 474, 534, 535, 536, 770, 939, 940, 941, 942, 943, 944, 945, 946, 947, 948, 949, 993, 994, 995, 996, 997, 998, 999, 1000, 1001], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 30.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 30.0}, {"label": 2.0, "group": 2.0, "value": 8.0, "row_count": 30.0}, {"label": 3.0, "group": 3.0, "value": 20.0, "row_count": 30.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 30.0}], "0": [{"group": 0, "row_count": 30, "value": 30}], "1": [{"group": 0, "row_count": 30, "value": 30}], "2": [{"group": 0, "row_count": 30, "value": 22}, {"group": 1, "row_count": 30, "value": 8}], "3": [{"group": 1, "row_count": 30, "value": 20}, {"group": 0, "row_count": 30, "value": 10}], "4": [{"group": 0, "row_count": 30, "value": 28}, {"group": 1, "row_count": 30, "value": 2}], "data_id": [{"group": 1016, "row_count": 30, "value": 19}, {"group": 254, "row_count": 30, "value": 7}, {"group": 508, "row_count": 30, "value": 4}], "uniform": [{"group": 0, "row_count": 30, "value": 30}], "degree": [{"group": 45, "row_count": 30, "value": 30}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 45}, "size": 30, "degree": 45}, {"id": 271, "name": 271, "tooltip": "271 (size: 39)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 7.00 | \n
\n \n 3.00 | \n 20.00 | \n
\n \n 4.00 | \n 12.00 | \n
\n \n
", "members": [155, 156, 237, 238, 239, 240, 241, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314, 315, 316, 362, 474, 824, 825, 826, 827, 828, 829, 830, 831, 832, 833, 864, 922, 923, 924, 925, 926, 927], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 39.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 39.0}, {"label": 2.0, "group": 2.0, "value": 7.0, "row_count": 39.0}, {"label": 3.0, "group": 3.0, "value": 20.0, "row_count": 39.0}, {"label": 4.0, "group": 4.0, "value": 12.0, "row_count": 39.0}], "0": [{"group": 0, "row_count": 39, "value": 39}], "1": [{"group": 0, "row_count": 39, "value": 39}], "2": [{"group": 0, "row_count": 39, "value": 32}, {"group": 1, "row_count": 39, "value": 7}], "3": [{"group": 1, "row_count": 39, "value": 20}, {"group": 0, "row_count": 39, "value": 19}], "4": [{"group": 0, "row_count": 39, "value": 27}, {"group": 1, "row_count": 39, "value": 12}], "data_id": [{"group": 1016, "row_count": 39, "value": 17}, {"group": 254, "row_count": 39, "value": 15}, {"group": 508, "row_count": 39, "value": 7}], "uniform": [{"group": 0, "row_count": 39, "value": 39}], "degree": [{"group": 55, "row_count": 39, "value": 39}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 55}, "size": 39, "degree": 55}, {"id": 272, "name": 272, "tooltip": "272 (size: 7)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 7.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [154, 155, 156, 157, 158, 159, 160], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 7.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 7.0}, {"label": 2.0, "group": 2.0, "value": 7.0, "row_count": 7.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 7.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 7.0}], "0": [{"group": 0, "row_count": 7, "value": 7}], "1": [{"group": 0, "row_count": 7, "value": 7}], "2": [{"group": 1, "row_count": 7, "value": 7}], "3": [{"group": 0, "row_count": 7, "value": 7}], "4": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 254, "row_count": 7, "value": 7}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 14, "row_count": 7, "value": 7}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 14}, "size": 7, "degree": 14}, {"id": 273, "name": 273, "tooltip": "273 (size: 33)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 11.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 21.00 | \n
\n \n
", "members": [153, 190, 333, 404, 405, 406, 407, 408, 409, 410, 411, 412, 413, 414, 415, 416, 448, 472, 473, 474, 583, 584, 585, 586, 587, 588, 589, 590, 591, 838, 839, 840, 872], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 33.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 33.0}, {"label": 2.0, "group": 2.0, "value": 11.0, "row_count": 33.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 33.0}, {"label": 4.0, "group": 4.0, "value": 21.0, "row_count": 33.0}], "0": [{"group": 0, "row_count": 33, "value": 33}], "1": [{"group": 0, "row_count": 33, "value": 33}], "2": [{"group": 0, "row_count": 33, "value": 22}, {"group": 1, "row_count": 33, "value": 11}], "3": [{"group": 0, "row_count": 33, "value": 32}, {"group": 1, "row_count": 33, "value": 1}], "4": [{"group": 1, "row_count": 33, "value": 21}, {"group": 0, "row_count": 33, "value": 12}], "data_id": [{"group": 508, "row_count": 33, "value": 18}, {"group": 762, "row_count": 33, "value": 9}, {"group": 1016, "row_count": 33, "value": 4}, {"group": 254, "row_count": 33, "value": 2}], "uniform": [{"group": 0, "row_count": 33, "value": 33}], "degree": [{"group": 45, "row_count": 33, "value": 33}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 45}, "size": 33, "degree": 45}, {"id": 274, "name": 274, "tooltip": "274 (size: 47)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 16.00 | \n
\n \n 3.00 | \n 4.00 | \n
\n \n 4.00 | \n 27.00 | \n
\n \n
", "members": [153, 154, 155, 156, 157, 158, 159, 229, 310, 311, 395, 453, 454, 455, 473, 530, 531, 532, 533, 534, 559, 560, 609, 828, 829, 830, 831, 832, 833, 834, 835, 836, 837, 838, 839, 840, 841, 863, 864, 865, 866, 867, 868, 869, 870, 925, 926], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 47.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 47.0}, {"label": 2.0, "group": 2.0, "value": 16.0, "row_count": 47.0}, {"label": 3.0, "group": 3.0, "value": 4.0, "row_count": 47.0}, {"label": 4.0, "group": 4.0, "value": 27.0, "row_count": 47.0}], "0": [{"group": 0, "row_count": 47, "value": 47}], "1": [{"group": 0, "row_count": 47, "value": 47}], "2": [{"group": 0, "row_count": 47, "value": 31}, {"group": 1, "row_count": 47, "value": 16}], "3": [{"group": 0, "row_count": 47, "value": 43}, {"group": 1, "row_count": 47, "value": 4}], "4": [{"group": 1, "row_count": 47, "value": 27}, {"group": 0, "row_count": 47, "value": 20}], "data_id": [{"group": 1016, "row_count": 47, "value": 24}, {"group": 254, "row_count": 47, "value": 10}, {"group": 508, "row_count": 47, "value": 10}, {"group": 762, "row_count": 47, "value": 3}], "uniform": [{"group": 0, "row_count": 47, "value": 47}], "degree": [{"group": 62, "row_count": 47, "value": 47}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 62}, "size": 47, "degree": 62}, {"id": 275, "name": 275, "tooltip": "275 (size: 94)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 50.00 | \n
\n \n 3.00 | \n 7.00 | \n
\n \n 4.00 | \n 37.00 | \n
\n \n
", "members": [150, 151, 152, 153, 154, 155, 162, 163, 164, 165, 166, 167, 168, 189, 190, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 309, 310, 332, 333, 406, 407, 408, 409, 410, 420, 471, 472, 473, 474, 475, 476, 477, 478, 479, 532, 533, 534, 535, 536, 537, 538, 539, 540, 542, 543, 544, 545, 546, 547, 548, 549, 550, 551, 559, 560, 568, 581, 585, 782, 783, 784, 785, 823, 824, 825, 826, 827, 828, 829, 830, 835, 836, 837, 838, 839, 840, 841, 842, 843, 844, 942, 943, 944], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 94.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 94.0}, {"label": 2.0, "group": 2.0, "value": 50.0, "row_count": 94.0}, {"label": 3.0, "group": 3.0, "value": 7.0, "row_count": 94.0}, {"label": 4.0, "group": 4.0, "value": 37.0, "row_count": 94.0}], "0": [{"group": 0, "row_count": 94, "value": 94}], "1": [{"group": 0, "row_count": 94, "value": 94}], "2": [{"group": 1, "row_count": 94, "value": 50}, {"group": 0, "row_count": 94, "value": 44}], "3": [{"group": 0, "row_count": 94, "value": 87}, {"group": 1, "row_count": 94, "value": 7}], "4": [{"group": 0, "row_count": 94, "value": 57}, {"group": 1, "row_count": 94, "value": 37}], "data_id": [{"group": 254, "row_count": 94, "value": 28}, {"group": 508, "row_count": 94, "value": 26}, {"group": 1016, "row_count": 94, "value": 25}, {"group": 762, "row_count": 94, "value": 15}], "uniform": [{"group": 0, "row_count": 94, "value": 94}], "degree": [{"group": 93, "row_count": 94, "value": 94}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 93}, "size": 94, "degree": 93}, {"id": 276, "name": 276, "tooltip": "276 (size: 18)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 3.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 15.00 | \n
\n \n
", "members": [149, 150, 151, 404, 405, 406, 446, 447, 448, 449, 450, 451, 452, 453, 454, 780, 781, 782], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 18.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 18.0}, {"label": 2.0, "group": 2.0, "value": 3.0, "row_count": 18.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 18.0}, {"label": 4.0, "group": 4.0, "value": 15.0, "row_count": 18.0}], "0": [{"group": 0, "row_count": 18, "value": 18}], "1": [{"group": 0, "row_count": 18, "value": 18}], "2": [{"group": 0, "row_count": 18, "value": 15}, {"group": 1, "row_count": 18, "value": 3}], "3": [{"group": 0, "row_count": 18, "value": 18}], "4": [{"group": 1, "row_count": 18, "value": 15}, {"group": 0, "row_count": 18, "value": 3}], "data_id": [{"group": 508, "row_count": 18, "value": 12}, {"group": 254, "row_count": 18, "value": 3}, {"group": 1016, "row_count": 18, "value": 3}], "uniform": [{"group": 0, "row_count": 18, "value": 18}], "degree": [{"group": 29, "row_count": 18, "value": 18}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 29}, "size": 18, "degree": 29}, {"id": 277, "name": 277, "tooltip": "277 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [146, 147], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 1, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 254, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 9, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 9}, "size": 2, "degree": 9}, {"id": 278, "name": 278, "tooltip": "278 (size: 36)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 25.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 9.00 | \n
\n \n
", "members": [146, 147, 153, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 222, 380, 429, 430, 562, 563, 564, 565, 566, 567, 568, 569, 574, 594, 795, 796, 797, 860, 861, 862, 863, 969], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 36.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 36.0}, {"label": 2.0, "group": 2.0, "value": 25.0, "row_count": 36.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 36.0}, {"label": 4.0, "group": 4.0, "value": 9.0, "row_count": 36.0}], "0": [{"group": 0, "row_count": 36, "value": 35}, {"group": 1, "row_count": 36, "value": 1}], "1": [{"group": 0, "row_count": 36, "value": 36}], "2": [{"group": 1, "row_count": 36, "value": 25}, {"group": 0, "row_count": 36, "value": 11}], "3": [{"group": 0, "row_count": 36, "value": 35}, {"group": 1, "row_count": 36, "value": 1}], "4": [{"group": 0, "row_count": 36, "value": 27}, {"group": 1, "row_count": 36, "value": 9}], "data_id": [{"group": 254, "row_count": 36, "value": 15}, {"group": 762, "row_count": 36, "value": 10}, {"group": 1016, "row_count": 36, "value": 8}, {"group": 508, "row_count": 36, "value": 3}], "uniform": [{"group": 0, "row_count": 36, "value": 36}], "degree": [{"group": 62, "row_count": 36, "value": 36}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 62}, "size": 36, "degree": 62}, {"id": 279, "name": 279, "tooltip": "279 (size: 3)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 3.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [143, 144, 145], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 3.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 3.0}, {"label": 2.0, "group": 2.0, "value": 3.0, "row_count": 3.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 3.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 3.0}], "0": [{"group": 0, "row_count": 3, "value": 3}], "1": [{"group": 0, "row_count": 3, "value": 3}], "2": [{"group": 1, "row_count": 3, "value": 3}], "3": [{"group": 0, "row_count": 3, "value": 3}], "4": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 254, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 6, "row_count": 3, "value": 3}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 6}, "size": 3, "degree": 6}, {"id": 280, "name": 280, "tooltip": "280 (size: 25)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 23.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 202, 203, 204, 205, 206, 498, 499, 568, 569, 615], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 25.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 25.0}, {"label": 2.0, "group": 2.0, "value": 23.0, "row_count": 25.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 25.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 25.0}], "0": [{"group": 0, "row_count": 25, "value": 25}], "1": [{"group": 0, "row_count": 25, "value": 25}], "2": [{"group": 1, "row_count": 25, "value": 23}, {"group": 0, "row_count": 25, "value": 2}], "3": [{"group": 0, "row_count": 25, "value": 25}], "4": [{"group": 0, "row_count": 25, "value": 23}, {"group": 1, "row_count": 25, "value": 2}], "data_id": [{"group": 254, "row_count": 25, "value": 20}, {"group": 762, "row_count": 25, "value": 3}, {"group": 508, "row_count": 25, "value": 2}], "uniform": [{"group": 0, "row_count": 25, "value": 25}], "degree": [{"group": 41, "row_count": 25, "value": 25}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 41}, "size": 25, "degree": 41}, {"id": 281, "name": 281, "tooltip": "281 (size: 22)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 22.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 204, 205, 613, 614, 615, 616], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 22.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 22.0}, {"label": 2.0, "group": 2.0, "value": 22.0, "row_count": 22.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 22.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 22.0}], "0": [{"group": 0, "row_count": 22, "value": 22}], "1": [{"group": 0, "row_count": 22, "value": 22}], "2": [{"group": 1, "row_count": 22, "value": 22}], "3": [{"group": 0, "row_count": 22, "value": 22}], "4": [{"group": 0, "row_count": 22, "value": 22}], "data_id": [{"group": 254, "row_count": 22, "value": 18}, {"group": 762, "row_count": 22, "value": 4}], "uniform": [{"group": 0, "row_count": 22, "value": 22}], "degree": [{"group": 26, "row_count": 22, "value": 22}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 26}, "size": 22, "degree": 26}, {"id": 282, "name": 282, "tooltip": "282 (size: 15)
\n \n \n 0.00 | \n 2.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 13.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 2.0, "row_count": 15.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 15.0}, {"label": 2.0, "group": 2.0, "value": 13.0, "row_count": 15.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 15.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 15.0}], "0": [{"group": 0, "row_count": 15, "value": 13}, {"group": 1, "row_count": 15, "value": 2}], "1": [{"group": 0, "row_count": 15, "value": 15}], "2": [{"group": 1, "row_count": 15, "value": 13}, {"group": 0, "row_count": 15, "value": 2}], "3": [{"group": 0, "row_count": 15, "value": 15}], "4": [{"group": 0, "row_count": 15, "value": 15}], "data_id": [{"group": 254, "row_count": 15, "value": 15}], "uniform": [{"group": 0, "row_count": 15, "value": 15}], "degree": [{"group": 7, "row_count": 15, "value": 15}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 7}, "size": 15, "degree": 7}, {"id": 283, "name": 283, "tooltip": "283 (size: 14)
\n \n \n 0.00 | \n 6.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 8.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 6.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 8.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 8}, {"group": 1, "row_count": 14, "value": 6}], "1": [{"group": 0, "row_count": 14, "value": 14}], "2": [{"group": 1, "row_count": 14, "value": 8}, {"group": 0, "row_count": 14, "value": 6}], "3": [{"group": 0, "row_count": 14, "value": 14}], "4": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 254, "row_count": 14, "value": 14}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 5, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 5}, "size": 14, "degree": 5}, {"id": 284, "name": 284, "tooltip": "284 (size: 15)
\n \n \n 0.00 | \n 8.00 | \n
\n \n 1.00 | \n 4.00 | \n
\n \n 2.00 | \n 3.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 8.0, "row_count": 15.0}, {"label": 1.0, "group": 1.0, "value": 4.0, "row_count": 15.0}, {"label": 2.0, "group": 2.0, "value": 3.0, "row_count": 15.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 15.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 15.0}], "0": [{"group": 1, "row_count": 15, "value": 8}, {"group": 0, "row_count": 15, "value": 7}], "1": [{"group": 0, "row_count": 15, "value": 11}, {"group": 1, "row_count": 15, "value": 4}], "2": [{"group": 0, "row_count": 15, "value": 12}, {"group": 1, "row_count": 15, "value": 3}], "3": [{"group": 0, "row_count": 15, "value": 15}], "4": [{"group": 0, "row_count": 15, "value": 15}], "data_id": [{"group": 254, "row_count": 15, "value": 15}], "uniform": [{"group": 0, "row_count": 15, "value": 15}], "degree": [{"group": 8, "row_count": 15, "value": 15}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 8}, "size": 15, "degree": 8}, {"id": 285, "name": 285, "tooltip": "285 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [115], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 1, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 7, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 7}, "size": 1, "degree": 7}, {"id": 286, "name": 286, "tooltip": "286 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 5.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [113, 114, 115, 116, 117], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 5.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 1, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 254, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 8, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 8}, "size": 5, "degree": 8}, {"id": 287, "name": 287, "tooltip": "287 (size: 15)
\n \n \n 0.00 | \n 6.00 | \n
\n \n 1.00 | \n 9.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 6.0, "row_count": 15.0}, {"label": 1.0, "group": 1.0, "value": 9.0, "row_count": 15.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 15.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 15.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 15.0}], "0": [{"group": 0, "row_count": 15, "value": 9}, {"group": 1, "row_count": 15, "value": 6}], "1": [{"group": 1, "row_count": 15, "value": 9}, {"group": 0, "row_count": 15, "value": 6}], "2": [{"group": 0, "row_count": 15, "value": 15}], "3": [{"group": 0, "row_count": 15, "value": 15}], "4": [{"group": 0, "row_count": 15, "value": 15}], "data_id": [{"group": 254, "row_count": 15, "value": 15}], "uniform": [{"group": 0, "row_count": 15, "value": 15}], "degree": [{"group": 10, "row_count": 15, "value": 15}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 10}, "size": 15, "degree": 10}, {"id": 288, "name": 288, "tooltip": "288 (size: 15)
\n \n \n 0.00 | \n 2.00 | \n
\n \n 1.00 | \n 13.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 2.0, "row_count": 15.0}, {"label": 1.0, "group": 1.0, "value": 13.0, "row_count": 15.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 15.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 15.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 15.0}], "0": [{"group": 0, "row_count": 15, "value": 13}, {"group": 1, "row_count": 15, "value": 2}], "1": [{"group": 1, "row_count": 15, "value": 13}, {"group": 0, "row_count": 15, "value": 2}], "2": [{"group": 0, "row_count": 15, "value": 15}], "3": [{"group": 0, "row_count": 15, "value": 15}], "4": [{"group": 0, "row_count": 15, "value": 15}], "data_id": [{"group": 254, "row_count": 15, "value": 15}], "uniform": [{"group": 0, "row_count": 15, "value": 15}], "degree": [{"group": 11, "row_count": 15, "value": 15}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 11}, "size": 15, "degree": 11}, {"id": 289, "name": 289, "tooltip": "289 (size: 10)
\n \n \n 0.00 | \n 5.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 4.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [107, 629, 630, 631, 632, 633, 634, 635, 636, 637], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 5.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 4.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 5}, {"group": 1, "row_count": 10, "value": 5}], "1": [{"group": 0, "row_count": 10, "value": 9}, {"group": 1, "row_count": 10, "value": 1}], "2": [{"group": 0, "row_count": 10, "value": 6}, {"group": 1, "row_count": 10, "value": 4}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 762, "row_count": 10, "value": 9}, {"group": 254, "row_count": 10, "value": 1}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 10, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 10}, "size": 10, "degree": 10}, {"id": 290, "name": 290, "tooltip": "290 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 5.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [105, 106, 107, 108, 109], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 5.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 1, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 254, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 6, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 6}, "size": 5, "degree": 6}, {"id": 291, "name": 291, "tooltip": "291 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 14.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 14.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 1, "row_count": 14, "value": 14}], "2": [{"group": 0, "row_count": 14, "value": 14}], "3": [{"group": 0, "row_count": 14, "value": 14}], "4": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 254, "row_count": 14, "value": 14}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 12, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 12}, "size": 14, "degree": 12}, {"id": 292, "name": 292, "tooltip": "292 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 13.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 13.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 1, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 254, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 12, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 12}, "size": 13, "degree": 12}, {"id": 293, "name": 293, "tooltip": "293 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 11.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 11.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 1, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 254, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 10, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 10}, "size": 11, "degree": 10}, {"id": 294, "name": 294, "tooltip": "294 (size: 21)
\n \n \n 0.00 | \n 3.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 6.00 | \n
\n \n 4.00 | \n 11.00 | \n
\n \n
", "members": [99, 462, 463, 464, 465, 766, 767, 768, 769, 770, 771, 772, 773, 774, 775, 938, 939, 940, 941, 942, 943], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 3.0, "row_count": 21.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 21.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 21.0}, {"label": 3.0, "group": 3.0, "value": 6.0, "row_count": 21.0}, {"label": 4.0, "group": 4.0, "value": 11.0, "row_count": 21.0}], "0": [{"group": 0, "row_count": 21, "value": 18}, {"group": 1, "row_count": 21, "value": 3}], "1": [{"group": 0, "row_count": 21, "value": 20}, {"group": 1, "row_count": 21, "value": 1}], "2": [{"group": 0, "row_count": 21, "value": 21}], "3": [{"group": 0, "row_count": 21, "value": 15}, {"group": 1, "row_count": 21, "value": 6}], "4": [{"group": 1, "row_count": 21, "value": 11}, {"group": 0, "row_count": 21, "value": 10}], "data_id": [{"group": 1016, "row_count": 21, "value": 13}, {"group": 508, "row_count": 21, "value": 4}, {"group": 762, "row_count": 21, "value": 4}], "uniform": [{"group": 0, "row_count": 21, "value": 21}], "degree": [{"group": 20, "row_count": 21, "value": 21}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 20}, "size": 21, "degree": 20}, {"id": 295, "name": 295, "tooltip": "295 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 10.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [99, 100, 101, 102, 103, 104, 105, 106, 107, 108], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 10.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 1, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 254, "row_count": 10, "value": 9}, {"group": 1016, "row_count": 10, "value": 1}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 11, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 11}, "size": 10, "degree": 11}, {"id": 296, "name": 296, "tooltip": "296 (size: 18)
\n \n \n 0.00 | \n 8.00 | \n
\n \n 1.00 | \n 5.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 2.00 | \n
\n \n 4.00 | \n 3.00 | \n
\n \n
", "members": [97, 98, 99, 100, 101, 761, 762, 763, 764, 765, 766, 767, 768, 769, 770, 771, 941, 942], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 8.0, "row_count": 18.0}, {"label": 1.0, "group": 1.0, "value": 5.0, "row_count": 18.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 18.0}, {"label": 3.0, "group": 3.0, "value": 2.0, "row_count": 18.0}, {"label": 4.0, "group": 4.0, "value": 3.0, "row_count": 18.0}], "0": [{"group": 0, "row_count": 18, "value": 10}, {"group": 1, "row_count": 18, "value": 8}], "1": [{"group": 0, "row_count": 18, "value": 13}, {"group": 1, "row_count": 18, "value": 5}], "2": [{"group": 0, "row_count": 18, "value": 18}], "3": [{"group": 0, "row_count": 18, "value": 16}, {"group": 1, "row_count": 18, "value": 2}], "4": [{"group": 0, "row_count": 18, "value": 15}, {"group": 1, "row_count": 18, "value": 3}], "data_id": [{"group": 762, "row_count": 18, "value": 9}, {"group": 1016, "row_count": 18, "value": 7}, {"group": 254, "row_count": 18, "value": 2}], "uniform": [{"group": 0, "row_count": 18, "value": 18}], "degree": [{"group": 14, "row_count": 18, "value": 18}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 14}, "size": 18, "degree": 14}, {"id": 297, "name": 297, "tooltip": "297 (size: 21)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 17.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 4.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [95, 96, 646, 647, 648, 649, 650, 651, 652, 653, 654, 655, 656, 657, 658, 690, 691, 900, 901, 902, 903], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 21.0}, {"label": 1.0, "group": 1.0, "value": 17.0, "row_count": 21.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 21.0}, {"label": 3.0, "group": 3.0, "value": 4.0, "row_count": 21.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 21.0}], "0": [{"group": 0, "row_count": 21, "value": 21}], "1": [{"group": 1, "row_count": 21, "value": 17}, {"group": 0, "row_count": 21, "value": 4}], "2": [{"group": 0, "row_count": 21, "value": 21}], "3": [{"group": 0, "row_count": 21, "value": 17}, {"group": 1, "row_count": 21, "value": 4}], "4": [{"group": 0, "row_count": 21, "value": 21}], "data_id": [{"group": 762, "row_count": 21, "value": 15}, {"group": 1016, "row_count": 21, "value": 6}], "uniform": [{"group": 0, "row_count": 21, "value": 21}], "degree": [{"group": 16, "row_count": 21, "value": 21}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 16}, "size": 21, "degree": 16}, {"id": 298, "name": 298, "tooltip": "298 (size: 12)
\n \n \n 0.00 | \n 3.00 | \n
\n \n 1.00 | \n 3.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 6.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [95, 96, 97, 894, 895, 896, 897, 898, 899, 900, 901, 902], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 3.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 3.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 6.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 9}, {"group": 1, "row_count": 12, "value": 3}], "1": [{"group": 0, "row_count": 12, "value": 9}, {"group": 1, "row_count": 12, "value": 3}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 6}, {"group": 1, "row_count": 12, "value": 6}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 1016, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 11, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 11}, "size": 12, "degree": 11}, {"id": 299, "name": 299, "tooltip": "299 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 10.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [95, 96, 97, 98, 99, 100, 101, 102, 103, 104], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 10.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 1, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 1016, "row_count": 10, "value": 5}, {"group": 254, "row_count": 10, "value": 5}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 11, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 11}, "size": 10, "degree": 11}, {"id": 300, "name": 300, "tooltip": "300 (size: 20)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 11.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 9.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [93, 94, 95, 96, 97, 98, 647, 648, 649, 650, 651, 899, 900, 901, 902, 903, 904, 905, 906, 907], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 20.0}, {"label": 1.0, "group": 1.0, "value": 11.0, "row_count": 20.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 20.0}, {"label": 3.0, "group": 3.0, "value": 9.0, "row_count": 20.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 20.0}], "0": [{"group": 0, "row_count": 20, "value": 20}], "1": [{"group": 1, "row_count": 20, "value": 11}, {"group": 0, "row_count": 20, "value": 9}], "2": [{"group": 0, "row_count": 20, "value": 20}], "3": [{"group": 0, "row_count": 20, "value": 11}, {"group": 1, "row_count": 20, "value": 9}], "4": [{"group": 0, "row_count": 20, "value": 20}], "data_id": [{"group": 1016, "row_count": 20, "value": 15}, {"group": 762, "row_count": 20, "value": 5}], "uniform": [{"group": 0, "row_count": 20, "value": 20}], "degree": [{"group": 16, "row_count": 20, "value": 20}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 16}, "size": 20, "degree": 16}, {"id": 301, "name": 301, "tooltip": "301 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 11.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 11.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 1, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 1016, "row_count": 11, "value": 8}, {"group": 254, "row_count": 11, "value": 3}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 11, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 11}, "size": 11, "degree": 11}, {"id": 302, "name": 302, "tooltip": "302 (size: 3)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 3.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [87, 88, 89], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 3.0}, {"label": 1.0, "group": 1.0, "value": 3.0, "row_count": 3.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 3.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 3.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 3.0}], "0": [{"group": 0, "row_count": 3, "value": 3}], "1": [{"group": 1, "row_count": 3, "value": 3}], "2": [{"group": 0, "row_count": 3, "value": 3}], "3": [{"group": 0, "row_count": 3, "value": 3}], "4": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1016, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 5, "row_count": 3, "value": 3}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 5}, "size": 3, "degree": 5}, {"id": 303, "name": 303, "tooltip": "303 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 13.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 13.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 1, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 1016, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 13, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 13}, "size": 13, "degree": 13}, {"id": 304, "name": 304, "tooltip": "304 (size: 30)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 5.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 18.00 | \n
\n \n 4.00 | \n 7.00 | \n
\n \n
", "members": [86, 87, 88, 89, 90, 258, 407, 447, 869, 870, 871, 872, 873, 910, 911, 912, 913, 914, 915, 916, 917, 1001, 1002, 1003, 1004, 1005, 1006, 1007, 1008, 1009], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 30.0}, {"label": 1.0, "group": 1.0, "value": 5.0, "row_count": 30.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 30.0}, {"label": 3.0, "group": 3.0, "value": 18.0, "row_count": 30.0}, {"label": 4.0, "group": 4.0, "value": 7.0, "row_count": 30.0}], "0": [{"group": 0, "row_count": 30, "value": 30}], "1": [{"group": 0, "row_count": 30, "value": 25}, {"group": 1, "row_count": 30, "value": 5}], "2": [{"group": 0, "row_count": 30, "value": 30}], "3": [{"group": 1, "row_count": 30, "value": 18}, {"group": 0, "row_count": 30, "value": 12}], "4": [{"group": 0, "row_count": 30, "value": 23}, {"group": 1, "row_count": 30, "value": 7}], "data_id": [{"group": 1016, "row_count": 30, "value": 18}, {"group": 254, "row_count": 30, "value": 10}, {"group": 508, "row_count": 30, "value": 2}], "uniform": [{"group": 0, "row_count": 30, "value": 30}], "degree": [{"group": 35, "row_count": 30, "value": 30}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 35}, "size": 30, "degree": 35}, {"id": 305, "name": 305, "tooltip": "305 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 13.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 13.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 1, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 1016, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 10, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 10}, "size": 13, "degree": 10}, {"id": 306, "name": 306, "tooltip": "306 (size: 34)
\n \n \n 0.00 | \n 3.00 | \n
\n \n 1.00 | \n 15.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 16.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 254, 255, 256, 257, 258, 259, 260, 261, 262, 912, 913, 914, 915, 916, 917, 918, 1006, 1007, 1008], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 3.0, "row_count": 34.0}, {"label": 1.0, "group": 1.0, "value": 15.0, "row_count": 34.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 34.0}, {"label": 3.0, "group": 3.0, "value": 16.0, "row_count": 34.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 34.0}], "0": [{"group": 0, "row_count": 34, "value": 31}, {"group": 1, "row_count": 34, "value": 3}], "1": [{"group": 0, "row_count": 34, "value": 19}, {"group": 1, "row_count": 34, "value": 15}], "2": [{"group": 0, "row_count": 34, "value": 34}], "3": [{"group": 0, "row_count": 34, "value": 18}, {"group": 1, "row_count": 34, "value": 16}], "4": [{"group": 0, "row_count": 34, "value": 34}], "data_id": [{"group": 1016, "row_count": 34, "value": 22}, {"group": 254, "row_count": 34, "value": 12}], "uniform": [{"group": 0, "row_count": 34, "value": 34}], "degree": [{"group": 23, "row_count": 34, "value": 34}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 23}, "size": 34, "degree": 23}, {"id": 307, "name": 307, "tooltip": "307 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 2.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [78, 79], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 2.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 1, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1016, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 8, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 8}, "size": 2, "degree": 8}, {"id": 308, "name": 308, "tooltip": "308 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [77], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 1, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 12, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 12}, "size": 1, "degree": 12}, {"id": 309, "name": 309, "tooltip": "309 (size: 60)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 32.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 26.00 | \n
\n \n
", "members": [77, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 171, 239, 406, 407, 408, 409, 410, 449, 471, 472, 473, 474, 475, 476, 535, 560, 564, 565, 566, 567, 568, 569, 570, 571, 581, 585, 780, 781, 782, 830, 831, 832, 833, 836, 837, 838, 839, 840, 841, 842, 999], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 60.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 60.0}, {"label": 2.0, "group": 2.0, "value": 32.0, "row_count": 60.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 60.0}, {"label": 4.0, "group": 4.0, "value": 26.0, "row_count": 60.0}], "0": [{"group": 0, "row_count": 60, "value": 60}], "1": [{"group": 0, "row_count": 60, "value": 59}, {"group": 1, "row_count": 60, "value": 1}], "2": [{"group": 1, "row_count": 60, "value": 32}, {"group": 0, "row_count": 60, "value": 28}], "3": [{"group": 0, "row_count": 60, "value": 59}, {"group": 1, "row_count": 60, "value": 1}], "4": [{"group": 0, "row_count": 60, "value": 34}, {"group": 1, "row_count": 60, "value": 26}], "data_id": [{"group": 254, "row_count": 60, "value": 20}, {"group": 1016, "row_count": 60, "value": 15}, {"group": 508, "row_count": 60, "value": 13}, {"group": 762, "row_count": 60, "value": 12}], "uniform": [{"group": 0, "row_count": 60, "value": 60}], "degree": [{"group": 73, "row_count": 60, "value": 60}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 73}, "size": 60, "degree": 73}, {"id": 310, "name": 310, "tooltip": "310 (size: 32)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 26.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [77, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 204, 205, 449, 473, 566, 567, 568, 569, 570, 571, 780, 781, 782], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 32.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 32.0}, {"label": 2.0, "group": 2.0, "value": 26.0, "row_count": 32.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 32.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 32.0}], "0": [{"group": 0, "row_count": 32, "value": 32}], "1": [{"group": 0, "row_count": 32, "value": 31}, {"group": 1, "row_count": 32, "value": 1}], "2": [{"group": 1, "row_count": 32, "value": 26}, {"group": 0, "row_count": 32, "value": 6}], "3": [{"group": 0, "row_count": 32, "value": 32}], "4": [{"group": 0, "row_count": 32, "value": 27}, {"group": 1, "row_count": 32, "value": 5}], "data_id": [{"group": 254, "row_count": 32, "value": 20}, {"group": 762, "row_count": 32, "value": 7}, {"group": 1016, "row_count": 32, "value": 3}, {"group": 508, "row_count": 32, "value": 2}], "uniform": [{"group": 0, "row_count": 32, "value": 32}], "degree": [{"group": 46, "row_count": 32, "value": 32}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 46}, "size": 32, "degree": 46}, {"id": 311, "name": 311, "tooltip": "311 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 2.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [77, 78], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 2.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 1, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 762, "row_count": 2, "value": 1}, {"group": 1016, "row_count": 2, "value": 1}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 14, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 14}, "size": 2, "degree": 14}, {"id": 312, "name": 312, "tooltip": "312 (size: 46)
\n \n \n 0.00 | \n 4.00 | \n
\n \n 1.00 | \n 2.00 | \n
\n \n 2.00 | \n 19.00 | \n
\n \n 3.00 | \n 5.00 | \n
\n \n 4.00 | \n 16.00 | \n
\n \n
", "members": [76, 77, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 466, 475, 548, 549, 550, 551, 552, 553, 554, 555, 593, 612, 782, 783, 784, 785, 786, 787, 810, 811, 823, 876, 877, 878, 879, 880, 994, 995, 996, 997, 998], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 4.0, "row_count": 46.0}, {"label": 1.0, "group": 1.0, "value": 2.0, "row_count": 46.0}, {"label": 2.0, "group": 2.0, "value": 19.0, "row_count": 46.0}, {"label": 3.0, "group": 3.0, "value": 5.0, "row_count": 46.0}, {"label": 4.0, "group": 4.0, "value": 16.0, "row_count": 46.0}], "0": [{"group": 0, "row_count": 46, "value": 42}, {"group": 1, "row_count": 46, "value": 4}], "1": [{"group": 0, "row_count": 46, "value": 44}, {"group": 1, "row_count": 46, "value": 2}], "2": [{"group": 0, "row_count": 46, "value": 27}, {"group": 1, "row_count": 46, "value": 19}], "3": [{"group": 0, "row_count": 46, "value": 41}, {"group": 1, "row_count": 46, "value": 5}], "4": [{"group": 0, "row_count": 46, "value": 30}, {"group": 1, "row_count": 46, "value": 16}], "data_id": [{"group": 1016, "row_count": 46, "value": 19}, {"group": 254, "row_count": 46, "value": 13}, {"group": 762, "row_count": 46, "value": 12}, {"group": 508, "row_count": 46, "value": 2}], "uniform": [{"group": 0, "row_count": 46, "value": 46}], "degree": [{"group": 62, "row_count": 46, "value": 46}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 62}, "size": 46, "degree": 62}, {"id": 313, "name": 313, "tooltip": "313 (size: 43)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 2.00 | \n
\n \n 2.00 | \n 17.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 24.00 | \n
\n \n
", "members": [76, 77, 147, 148, 149, 150, 151, 152, 153, 240, 241, 243, 246, 448, 449, 450, 451, 474, 475, 476, 477, 478, 548, 549, 550, 551, 552, 553, 779, 780, 781, 782, 783, 784, 785, 786, 787, 821, 822, 823, 824, 825, 826], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 43.0}, {"label": 1.0, "group": 1.0, "value": 2.0, "row_count": 43.0}, {"label": 2.0, "group": 2.0, "value": 17.0, "row_count": 43.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 43.0}, {"label": 4.0, "group": 4.0, "value": 24.0, "row_count": 43.0}], "0": [{"group": 0, "row_count": 43, "value": 43}], "1": [{"group": 0, "row_count": 43, "value": 41}, {"group": 1, "row_count": 43, "value": 2}], "2": [{"group": 0, "row_count": 43, "value": 26}, {"group": 1, "row_count": 43, "value": 17}], "3": [{"group": 0, "row_count": 43, "value": 43}], "4": [{"group": 1, "row_count": 43, "value": 24}, {"group": 0, "row_count": 43, "value": 19}], "data_id": [{"group": 1016, "row_count": 43, "value": 15}, {"group": 254, "row_count": 43, "value": 11}, {"group": 508, "row_count": 43, "value": 9}, {"group": 762, "row_count": 43, "value": 8}], "uniform": [{"group": 0, "row_count": 43, "value": 43}], "degree": [{"group": 62, "row_count": 43, "value": 43}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 62}, "size": 43, "degree": 62}, {"id": 314, "name": 314, "tooltip": "314 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 14.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 14.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 1, "row_count": 14, "value": 14}], "2": [{"group": 0, "row_count": 14, "value": 14}], "3": [{"group": 0, "row_count": 14, "value": 14}], "4": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 1016, "row_count": 14, "value": 12}, {"group": 762, "row_count": 14, "value": 2}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 19, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 19}, "size": 14, "degree": 19}, {"id": 315, "name": 315, "tooltip": "315 (size: 45)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 20.00 | \n
\n \n 2.00 | \n 11.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 13.00 | \n
\n \n
", "members": [68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 146, 147, 203, 246, 435, 487, 488, 489, 552, 553, 567, 568, 569, 570, 571, 678, 679, 680, 681, 782, 783, 784, 785, 786, 787, 788, 789, 853, 965], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 45.0}, {"label": 1.0, "group": 1.0, "value": 20.0, "row_count": 45.0}, {"label": 2.0, "group": 2.0, "value": 11.0, "row_count": 45.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 45.0}, {"label": 4.0, "group": 4.0, "value": 13.0, "row_count": 45.0}], "0": [{"group": 0, "row_count": 45, "value": 45}], "1": [{"group": 0, "row_count": 45, "value": 25}, {"group": 1, "row_count": 45, "value": 20}], "2": [{"group": 0, "row_count": 45, "value": 34}, {"group": 1, "row_count": 45, "value": 11}], "3": [{"group": 0, "row_count": 45, "value": 44}, {"group": 1, "row_count": 45, "value": 1}], "4": [{"group": 0, "row_count": 45, "value": 32}, {"group": 1, "row_count": 45, "value": 13}], "data_id": [{"group": 762, "row_count": 45, "value": 21}, {"group": 1016, "row_count": 45, "value": 16}, {"group": 254, "row_count": 45, "value": 4}, {"group": 508, "row_count": 45, "value": 4}], "uniform": [{"group": 0, "row_count": 45, "value": 45}], "degree": [{"group": 76, "row_count": 45, "value": 45}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 76}, "size": 45, "degree": 76}, {"id": 316, "name": 316, "tooltip": "316 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 13.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 13.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 1, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 762, "row_count": 13, "value": 12}, {"group": 1016, "row_count": 13, "value": 1}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 16, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 16}, "size": 13, "degree": 16}, {"id": 317, "name": 317, "tooltip": "317 (size: 15)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 15.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 15.0}, {"label": 1.0, "group": 1.0, "value": 15.0, "row_count": 15.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 15.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 15.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 15.0}], "0": [{"group": 0, "row_count": 15, "value": 15}], "1": [{"group": 1, "row_count": 15, "value": 15}], "2": [{"group": 0, "row_count": 15, "value": 15}], "3": [{"group": 0, "row_count": 15, "value": 15}], "4": [{"group": 0, "row_count": 15, "value": 15}], "data_id": [{"group": 762, "row_count": 15, "value": 15}], "uniform": [{"group": 0, "row_count": 15, "value": 15}], "degree": [{"group": 8, "row_count": 15, "value": 15}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 8}, "size": 15, "degree": 8}, {"id": 318, "name": 318, "tooltip": "318 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [59], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 1, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 319, "name": 319, "tooltip": "319 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 5.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [57, 58, 59, 60, 61], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 5.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 1, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 762, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 9, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 9}, "size": 5, "degree": 9}, {"id": 320, "name": 320, "tooltip": "320 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 13.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 13.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 1, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 762, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 11, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 11}, "size": 13, "degree": 11}, {"id": 321, "name": 321, "tooltip": "321 (size: 3)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 3.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [56, 57, 58], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 3.0}, {"label": 1.0, "group": 1.0, "value": 3.0, "row_count": 3.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 3.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 3.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 3.0}], "0": [{"group": 0, "row_count": 3, "value": 3}], "1": [{"group": 1, "row_count": 3, "value": 3}], "2": [{"group": 0, "row_count": 3, "value": 3}], "3": [{"group": 0, "row_count": 3, "value": 3}], "4": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 762, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 7, "row_count": 3, "value": 3}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 7}, "size": 3, "degree": 7}, {"id": 322, "name": 322, "tooltip": "322 (size: 30)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 4.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 25.00 | \n
\n \n
", "members": [55, 404, 405, 406, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 467, 468, 469, 470, 471, 557, 558, 559, 560, 779, 801, 802, 803, 837, 871], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 30.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 30.0}, {"label": 2.0, "group": 2.0, "value": 4.0, "row_count": 30.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 30.0}, {"label": 4.0, "group": 4.0, "value": 25.0, "row_count": 30.0}], "0": [{"group": 0, "row_count": 30, "value": 30}], "1": [{"group": 0, "row_count": 30, "value": 29}, {"group": 1, "row_count": 30, "value": 1}], "2": [{"group": 0, "row_count": 30, "value": 26}, {"group": 1, "row_count": 30, "value": 4}], "3": [{"group": 0, "row_count": 30, "value": 30}], "4": [{"group": 1, "row_count": 30, "value": 25}, {"group": 0, "row_count": 30, "value": 5}], "data_id": [{"group": 508, "row_count": 30, "value": 19}, {"group": 1016, "row_count": 30, "value": 6}, {"group": 762, "row_count": 30, "value": 5}], "uniform": [{"group": 0, "row_count": 30, "value": 30}], "degree": [{"group": 35, "row_count": 30, "value": 30}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 35}, "size": 30, "degree": 35}, {"id": 323, "name": 323, "tooltip": "323 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 9.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [55, 56, 57, 58, 59, 60, 61, 62, 63], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 9.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 1, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 762, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 10, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 10}, "size": 9, "degree": 10}, {"id": 324, "name": 324, "tooltip": "324 (size: 7)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 7.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [54, 55, 56, 57, 58, 59, 60], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 7.0}, {"label": 1.0, "group": 1.0, "value": 7.0, "row_count": 7.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 7.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 7.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 7.0}], "0": [{"group": 0, "row_count": 7, "value": 7}], "1": [{"group": 1, "row_count": 7, "value": 7}], "2": [{"group": 0, "row_count": 7, "value": 7}], "3": [{"group": 0, "row_count": 7, "value": 7}], "4": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 762, "row_count": 7, "value": 6}, {"group": 508, "row_count": 7, "value": 1}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 10, "row_count": 7, "value": 7}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 10}, "size": 7, "degree": 10}, {"id": 325, "name": 325, "tooltip": "325 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [52], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 1, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 7, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 7}, "size": 1, "degree": 7}, {"id": 326, "name": 326, "tooltip": "326 (size: 21)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 13.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [52, 205, 498, 499, 500, 501, 502, 591, 951, 952, 953, 954, 955, 956, 957, 958, 959, 960, 961, 962, 963], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 21.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 21.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 21.0}, {"label": 3.0, "group": 3.0, "value": 13.0, "row_count": 21.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 21.0}], "0": [{"group": 0, "row_count": 21, "value": 21}], "1": [{"group": 0, "row_count": 21, "value": 20}, {"group": 1, "row_count": 21, "value": 1}], "2": [{"group": 0, "row_count": 21, "value": 19}, {"group": 1, "row_count": 21, "value": 2}], "3": [{"group": 1, "row_count": 21, "value": 13}, {"group": 0, "row_count": 21, "value": 8}], "4": [{"group": 0, "row_count": 21, "value": 16}, {"group": 1, "row_count": 21, "value": 5}], "data_id": [{"group": 1016, "row_count": 21, "value": 13}, {"group": 508, "row_count": 21, "value": 6}, {"group": 254, "row_count": 21, "value": 1}, {"group": 762, "row_count": 21, "value": 1}], "uniform": [{"group": 0, "row_count": 21, "value": 21}], "degree": [{"group": 32, "row_count": 21, "value": 21}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 32}, "size": 21, "degree": 32}, {"id": 327, "name": 327, "tooltip": "327 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 12.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 12.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 1, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 762, "row_count": 12, "value": 9}, {"group": 508, "row_count": 12, "value": 3}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 15, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 15}, "size": 12, "degree": 15}, {"id": 328, "name": 328, "tooltip": "328 (size: 18)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 2.00 | \n
\n \n 2.00 | \n 11.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [49, 50, 159, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 796, 797, 798, 799, 800], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 18.0}, {"label": 1.0, "group": 1.0, "value": 2.0, "row_count": 18.0}, {"label": 2.0, "group": 2.0, "value": 11.0, "row_count": 18.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 18.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 18.0}], "0": [{"group": 0, "row_count": 18, "value": 18}], "1": [{"group": 0, "row_count": 18, "value": 16}, {"group": 1, "row_count": 18, "value": 2}], "2": [{"group": 1, "row_count": 18, "value": 11}, {"group": 0, "row_count": 18, "value": 7}], "3": [{"group": 0, "row_count": 18, "value": 18}], "4": [{"group": 0, "row_count": 18, "value": 13}, {"group": 1, "row_count": 18, "value": 5}], "data_id": [{"group": 254, "row_count": 18, "value": 11}, {"group": 1016, "row_count": 18, "value": 5}, {"group": 508, "row_count": 18, "value": 2}], "uniform": [{"group": 0, "row_count": 18, "value": 18}], "degree": [{"group": 31, "row_count": 18, "value": 18}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 31}, "size": 18, "degree": 31}, {"id": 329, "name": 329, "tooltip": "329 (size: 56)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 8.00 | \n
\n \n 2.00 | \n 26.00 | \n
\n \n 3.00 | \n 6.00 | \n
\n \n 4.00 | \n 16.00 | \n
\n \n
", "members": [47, 48, 49, 50, 51, 52, 77, 78, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 159, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 435, 487, 488, 489, 490, 491, 497, 498, 499, 500, 501, 502, 568, 569, 796, 797, 798, 853, 923, 955, 956, 957, 958, 959], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 56.0}, {"label": 1.0, "group": 1.0, "value": 8.0, "row_count": 56.0}, {"label": 2.0, "group": 2.0, "value": 26.0, "row_count": 56.0}, {"label": 3.0, "group": 3.0, "value": 6.0, "row_count": 56.0}, {"label": 4.0, "group": 4.0, "value": 16.0, "row_count": 56.0}], "0": [{"group": 0, "row_count": 56, "value": 56}], "1": [{"group": 0, "row_count": 56, "value": 48}, {"group": 1, "row_count": 56, "value": 8}], "2": [{"group": 0, "row_count": 56, "value": 30}, {"group": 1, "row_count": 56, "value": 26}], "3": [{"group": 0, "row_count": 56, "value": 50}, {"group": 1, "row_count": 56, "value": 6}], "4": [{"group": 0, "row_count": 56, "value": 40}, {"group": 1, "row_count": 56, "value": 16}], "data_id": [{"group": 254, "row_count": 56, "value": 24}, {"group": 508, "row_count": 56, "value": 18}, {"group": 1016, "row_count": 56, "value": 11}, {"group": 762, "row_count": 56, "value": 3}], "uniform": [{"group": 0, "row_count": 56, "value": 56}], "degree": [{"group": 84, "row_count": 56, "value": 56}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 84}, "size": 56, "degree": 84}, {"id": 330, "name": 330, "tooltip": "330 (size: 23)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 13.00 | \n
\n \n 2.00 | \n 3.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 6.00 | \n
\n \n
", "members": [45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 205, 206, 207, 440, 499, 500, 501, 502, 797, 958], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 23.0}, {"label": 1.0, "group": 1.0, "value": 13.0, "row_count": 23.0}, {"label": 2.0, "group": 2.0, "value": 3.0, "row_count": 23.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 23.0}, {"label": 4.0, "group": 4.0, "value": 6.0, "row_count": 23.0}], "0": [{"group": 0, "row_count": 23, "value": 23}], "1": [{"group": 1, "row_count": 23, "value": 13}, {"group": 0, "row_count": 23, "value": 10}], "2": [{"group": 0, "row_count": 23, "value": 20}, {"group": 1, "row_count": 23, "value": 3}], "3": [{"group": 0, "row_count": 23, "value": 22}, {"group": 1, "row_count": 23, "value": 1}], "4": [{"group": 0, "row_count": 23, "value": 17}, {"group": 1, "row_count": 23, "value": 6}], "data_id": [{"group": 508, "row_count": 23, "value": 15}, {"group": 762, "row_count": 23, "value": 3}, {"group": 254, "row_count": 23, "value": 3}, {"group": 1016, "row_count": 23, "value": 2}], "uniform": [{"group": 0, "row_count": 23, "value": 23}], "degree": [{"group": 40, "row_count": 23, "value": 23}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 40}, "size": 23, "degree": 40}, {"id": 331, "name": 331, "tooltip": "331 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 13.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 13.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 1, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 508, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 12, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 12}, "size": 13, "degree": 12}, {"id": 332, "name": 332, "tooltip": "332 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 14.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 14.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 1, "row_count": 14, "value": 14}], "2": [{"group": 0, "row_count": 14, "value": 14}], "3": [{"group": 0, "row_count": 14, "value": 14}], "4": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 508, "row_count": 14, "value": 14}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 8, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 8}, "size": 14, "degree": 8}, {"id": 333, "name": 333, "tooltip": "333 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 13.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 13.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 1, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 508, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 8, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 8}, "size": 13, "degree": 8}, {"id": 334, "name": 334, "tooltip": "334 (size: 63)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 7.00 | \n
\n \n 2.00 | \n 37.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 19.00 | \n
\n \n
", "members": [32, 33, 34, 35, 76, 77, 160, 240, 241, 242, 243, 244, 245, 246, 247, 248, 428, 454, 475, 548, 549, 550, 551, 552, 553, 554, 555, 556, 557, 558, 559, 590, 591, 592, 593, 594, 595, 607, 608, 609, 610, 611, 612, 613, 614, 615, 681, 782, 783, 784, 785, 786, 787, 796, 811, 812, 823, 854, 879, 880, 881, 882, 883], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 63.0}, {"label": 1.0, "group": 1.0, "value": 7.0, "row_count": 63.0}, {"label": 2.0, "group": 2.0, "value": 37.0, "row_count": 63.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 63.0}, {"label": 4.0, "group": 4.0, "value": 19.0, "row_count": 63.0}], "0": [{"group": 0, "row_count": 63, "value": 63}], "1": [{"group": 0, "row_count": 63, "value": 56}, {"group": 1, "row_count": 63, "value": 7}], "2": [{"group": 1, "row_count": 63, "value": 37}, {"group": 0, "row_count": 63, "value": 26}], "3": [{"group": 0, "row_count": 63, "value": 63}], "4": [{"group": 0, "row_count": 63, "value": 44}, {"group": 1, "row_count": 63, "value": 19}], "data_id": [{"group": 762, "row_count": 63, "value": 30}, {"group": 1016, "row_count": 63, "value": 16}, {"group": 254, "row_count": 63, "value": 10}, {"group": 508, "row_count": 63, "value": 7}], "uniform": [{"group": 0, "row_count": 63, "value": 63}], "degree": [{"group": 98, "row_count": 63, "value": 63}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 98}, "size": 63, "degree": 98}, {"id": 335, "name": 335, "tooltip": "335 (size: 26)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 16.00 | \n
\n \n 2.00 | \n 9.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 553, 607, 609, 610, 611, 612, 613, 614, 615, 680, 681, 682, 854], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 26.0}, {"label": 1.0, "group": 1.0, "value": 16.0, "row_count": 26.0}, {"label": 2.0, "group": 2.0, "value": 9.0, "row_count": 26.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 26.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 26.0}], "0": [{"group": 0, "row_count": 26, "value": 26}], "1": [{"group": 1, "row_count": 26, "value": 16}, {"group": 0, "row_count": 26, "value": 10}], "2": [{"group": 0, "row_count": 26, "value": 17}, {"group": 1, "row_count": 26, "value": 9}], "3": [{"group": 0, "row_count": 26, "value": 26}], "4": [{"group": 0, "row_count": 26, "value": 25}, {"group": 1, "row_count": 26, "value": 1}], "data_id": [{"group": 762, "row_count": 26, "value": 12}, {"group": 508, "row_count": 26, "value": 11}, {"group": 254, "row_count": 26, "value": 2}, {"group": 1016, "row_count": 26, "value": 1}], "uniform": [{"group": 0, "row_count": 26, "value": 26}], "degree": [{"group": 38, "row_count": 26, "value": 26}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 38}, "size": 26, "degree": 38}, {"id": 336, "name": 336, "tooltip": "336 (size: 35)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 20.00 | \n
\n \n 2.00 | \n 13.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 78, 79, 537, 538, 553, 606, 607, 608, 609, 610, 611, 612, 613, 614, 615, 678, 679, 680, 681, 682, 683, 684, 854, 965], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 35.0}, {"label": 1.0, "group": 1.0, "value": 20.0, "row_count": 35.0}, {"label": 2.0, "group": 2.0, "value": 13.0, "row_count": 35.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 35.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 35.0}], "0": [{"group": 0, "row_count": 35, "value": 35}], "1": [{"group": 1, "row_count": 35, "value": 20}, {"group": 0, "row_count": 35, "value": 15}], "2": [{"group": 0, "row_count": 35, "value": 22}, {"group": 1, "row_count": 35, "value": 13}], "3": [{"group": 0, "row_count": 35, "value": 34}, {"group": 1, "row_count": 35, "value": 1}], "4": [{"group": 0, "row_count": 35, "value": 34}, {"group": 1, "row_count": 35, "value": 1}], "data_id": [{"group": 762, "row_count": 35, "value": 18}, {"group": 508, "row_count": 35, "value": 8}, {"group": 254, "row_count": 35, "value": 5}, {"group": 1016, "row_count": 35, "value": 4}], "uniform": [{"group": 0, "row_count": 35, "value": 35}], "degree": [{"group": 56, "row_count": 35, "value": 35}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 56}, "size": 35, "degree": 56}, {"id": 337, "name": 337, "tooltip": "337 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 4.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [26, 27, 28, 29], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 4.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 1, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 254, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 8, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 8}, "size": 4, "degree": 8}, {"id": 338, "name": 338, "tooltip": "338 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 10.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [26, 27, 28, 29, 30, 31, 32, 33, 34, 35], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 10.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 1, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 254, "row_count": 10, "value": 6}, {"group": 508, "row_count": 10, "value": 4}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 12, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 12}, "size": 10, "degree": 12}, {"id": 339, "name": 339, "tooltip": "339 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 2.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [24, 25], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 2.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 1, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 254, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 5, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 5}, "size": 2, "degree": 5}, {"id": 340, "name": 340, "tooltip": "340 (size: 36)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 16.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 7.00 | \n
\n \n 4.00 | \n 13.00 | \n
\n \n
", "members": [24, 25, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 262, 263, 264, 265, 266, 267, 268, 437, 438, 439, 440, 441, 442, 443, 444, 466, 467, 468, 469, 500, 670], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 36.0}, {"label": 1.0, "group": 1.0, "value": 16.0, "row_count": 36.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 36.0}, {"label": 3.0, "group": 3.0, "value": 7.0, "row_count": 36.0}, {"label": 4.0, "group": 4.0, "value": 13.0, "row_count": 36.0}], "0": [{"group": 0, "row_count": 36, "value": 36}], "1": [{"group": 0, "row_count": 36, "value": 20}, {"group": 1, "row_count": 36, "value": 16}], "2": [{"group": 0, "row_count": 36, "value": 36}], "3": [{"group": 0, "row_count": 36, "value": 29}, {"group": 1, "row_count": 36, "value": 7}], "4": [{"group": 0, "row_count": 36, "value": 23}, {"group": 1, "row_count": 36, "value": 13}], "data_id": [{"group": 508, "row_count": 36, "value": 19}, {"group": 254, "row_count": 36, "value": 9}, {"group": 762, "row_count": 36, "value": 8}], "uniform": [{"group": 0, "row_count": 36, "value": 36}], "degree": [{"group": 42, "row_count": 36, "value": 36}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 42}, "size": 36, "degree": 42}, {"id": 341, "name": 341, "tooltip": "341 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 5.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [22, 23, 24, 25, 26], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 5.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 1, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 254, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 8, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 8}, "size": 5, "degree": 8}, {"id": 342, "name": 342, "tooltip": "342 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 12.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 12.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 1, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 254, "row_count": 12, "value": 10}, {"group": 508, "row_count": 12, "value": 2}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 13, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 13}, "size": 12, "degree": 13}, {"id": 343, "name": 343, "tooltip": "343 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 11.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 11.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 1, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 254, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 13, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 13}, "size": 11, "degree": 13}, {"id": 344, "name": 344, "tooltip": "344 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 11.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 11.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 1, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 254, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 17, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 17}, "size": 11, "degree": 17}, {"id": 345, "name": 345, "tooltip": "345 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [16], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 1, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 10, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 10}, "size": 1, "degree": 10}, {"id": 346, "name": 346, "tooltip": "346 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 2.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [16, 17], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 2.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 1, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 254, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 11, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 11}, "size": 2, "degree": 11}, {"id": 347, "name": 347, "tooltip": "347 (size: 36)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 3.00 | \n
\n \n 2.00 | \n 11.00 | \n
\n \n 3.00 | \n 5.00 | \n
\n \n 4.00 | \n 17.00 | \n
\n \n
", "members": [16, 17, 332, 333, 334, 335, 336, 386, 387, 388, 389, 390, 391, 392, 493, 494, 495, 496, 497, 498, 601, 602, 603, 604, 605, 606, 607, 608, 609, 610, 611, 681, 795, 820, 821, 822], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 36.0}, {"label": 1.0, "group": 1.0, "value": 3.0, "row_count": 36.0}, {"label": 2.0, "group": 2.0, "value": 11.0, "row_count": 36.0}, {"label": 3.0, "group": 3.0, "value": 5.0, "row_count": 36.0}, {"label": 4.0, "group": 4.0, "value": 17.0, "row_count": 36.0}], "0": [{"group": 0, "row_count": 36, "value": 36}], "1": [{"group": 0, "row_count": 36, "value": 33}, {"group": 1, "row_count": 36, "value": 3}], "2": [{"group": 0, "row_count": 36, "value": 25}, {"group": 1, "row_count": 36, "value": 11}], "3": [{"group": 0, "row_count": 36, "value": 31}, {"group": 1, "row_count": 36, "value": 5}], "4": [{"group": 0, "row_count": 36, "value": 19}, {"group": 1, "row_count": 36, "value": 17}], "data_id": [{"group": 508, "row_count": 36, "value": 18}, {"group": 762, "row_count": 36, "value": 12}, {"group": 1016, "row_count": 36, "value": 4}, {"group": 254, "row_count": 36, "value": 2}], "uniform": [{"group": 0, "row_count": 36, "value": 36}], "degree": [{"group": 58, "row_count": 36, "value": 36}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 58}, "size": 36, "degree": 58}, {"id": 348, "name": 348, "tooltip": "348 (size: 63)
\n \n \n 0.00 | \n 4.00 | \n
\n \n 1.00 | \n 3.00 | \n
\n \n 2.00 | \n 21.00 | \n
\n \n 3.00 | \n 9.00 | \n
\n \n 4.00 | \n 26.00 | \n
\n \n
", "members": [16, 17, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 334, 335, 336, 337, 338, 371, 372, 373, 374, 379, 380, 381, 382, 423, 424, 425, 426, 427, 428, 429, 430, 431, 432, 433, 434, 435, 436, 495, 496, 497, 498, 535, 543, 544, 565, 590, 591, 592, 593, 594, 606, 725, 792, 793, 794, 795, 796, 797, 852, 853], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 4.0, "row_count": 63.0}, {"label": 1.0, "group": 1.0, "value": 3.0, "row_count": 63.0}, {"label": 2.0, "group": 2.0, "value": 21.0, "row_count": 63.0}, {"label": 3.0, "group": 3.0, "value": 9.0, "row_count": 63.0}, {"label": 4.0, "group": 4.0, "value": 26.0, "row_count": 63.0}], "0": [{"group": 0, "row_count": 63, "value": 59}, {"group": 1, "row_count": 63, "value": 4}], "1": [{"group": 0, "row_count": 63, "value": 60}, {"group": 1, "row_count": 63, "value": 3}], "2": [{"group": 0, "row_count": 63, "value": 42}, {"group": 1, "row_count": 63, "value": 21}], "3": [{"group": 0, "row_count": 63, "value": 54}, {"group": 1, "row_count": 63, "value": 9}], "4": [{"group": 0, "row_count": 63, "value": 37}, {"group": 1, "row_count": 63, "value": 26}], "data_id": [{"group": 508, "row_count": 63, "value": 32}, {"group": 254, "row_count": 63, "value": 13}, {"group": 762, "row_count": 63, "value": 10}, {"group": 1016, "row_count": 63, "value": 8}], "uniform": [{"group": 0, "row_count": 63, "value": 63}], "degree": [{"group": 96, "row_count": 63, "value": 63}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 96}, "size": 63, "degree": 96}, {"id": 349, "name": 349, "tooltip": "349 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 2.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [14, 15], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 2.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 1, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 254, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 12, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 12}, "size": 2, "degree": 12}, {"id": 350, "name": 350, "tooltip": "350 (size: 41)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 2.00 | \n
\n \n 2.00 | \n 22.00 | \n
\n \n 3.00 | \n 11.00 | \n
\n \n 4.00 | \n 6.00 | \n
\n \n
", "members": [14, 15, 173, 183, 221, 222, 223, 224, 350, 351, 352, 353, 354, 355, 356, 357, 358, 359, 360, 402, 403, 524, 525, 526, 527, 528, 570, 571, 572, 573, 574, 575, 576, 577, 578, 579, 580, 860, 861, 862, 863], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 41.0}, {"label": 1.0, "group": 1.0, "value": 2.0, "row_count": 41.0}, {"label": 2.0, "group": 2.0, "value": 22.0, "row_count": 41.0}, {"label": 3.0, "group": 3.0, "value": 11.0, "row_count": 41.0}, {"label": 4.0, "group": 4.0, "value": 6.0, "row_count": 41.0}], "0": [{"group": 0, "row_count": 41, "value": 41}], "1": [{"group": 0, "row_count": 41, "value": 39}, {"group": 1, "row_count": 41, "value": 2}], "2": [{"group": 1, "row_count": 41, "value": 22}, {"group": 0, "row_count": 41, "value": 19}], "3": [{"group": 0, "row_count": 41, "value": 30}, {"group": 1, "row_count": 41, "value": 11}], "4": [{"group": 0, "row_count": 41, "value": 35}, {"group": 1, "row_count": 41, "value": 6}], "data_id": [{"group": 508, "row_count": 41, "value": 18}, {"group": 762, "row_count": 41, "value": 11}, {"group": 254, "row_count": 41, "value": 8}, {"group": 1016, "row_count": 41, "value": 4}], "uniform": [{"group": 0, "row_count": 41, "value": 41}], "degree": [{"group": 51, "row_count": 41, "value": 41}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 51}, "size": 41, "degree": 51}, {"id": 351, "name": 351, "tooltip": "351 (size: 44)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 4.00 | \n
\n \n 2.00 | \n 23.00 | \n
\n \n 3.00 | \n 13.00 | \n
\n \n 4.00 | \n 4.00 | \n
\n \n
", "members": [14, 15, 27, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 217, 218, 219, 220, 221, 222, 223, 224, 339, 340, 341, 565, 566, 574, 679, 860, 861, 862, 863, 964, 965, 966, 967, 968, 969, 970, 971, 972, 973], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 44.0}, {"label": 1.0, "group": 1.0, "value": 4.0, "row_count": 44.0}, {"label": 2.0, "group": 2.0, "value": 23.0, "row_count": 44.0}, {"label": 3.0, "group": 3.0, "value": 13.0, "row_count": 44.0}, {"label": 4.0, "group": 4.0, "value": 4.0, "row_count": 44.0}], "0": [{"group": 0, "row_count": 44, "value": 44}], "1": [{"group": 0, "row_count": 44, "value": 40}, {"group": 1, "row_count": 44, "value": 4}], "2": [{"group": 1, "row_count": 44, "value": 23}, {"group": 0, "row_count": 44, "value": 21}], "3": [{"group": 0, "row_count": 44, "value": 31}, {"group": 1, "row_count": 44, "value": 13}], "4": [{"group": 0, "row_count": 44, "value": 40}, {"group": 1, "row_count": 44, "value": 4}], "data_id": [{"group": 254, "row_count": 44, "value": 23}, {"group": 1016, "row_count": 44, "value": 14}, {"group": 762, "row_count": 44, "value": 4}, {"group": 508, "row_count": 44, "value": 3}], "uniform": [{"group": 0, "row_count": 44, "value": 44}], "degree": [{"group": 70, "row_count": 44, "value": 44}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 70}, "size": 44, "degree": 70}, {"id": 352, "name": 352, "tooltip": "352 (size: 60)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 12.00 | \n
\n \n 2.00 | \n 11.00 | \n
\n \n 3.00 | \n 4.00 | \n
\n \n 4.00 | \n 32.00 | \n
\n \n
", "members": [14, 15, 16, 17, 18, 34, 76, 77, 78, 79, 80, 201, 202, 203, 204, 205, 268, 336, 373, 429, 430, 431, 432, 433, 434, 435, 436, 437, 438, 439, 485, 486, 487, 488, 489, 490, 491, 497, 506, 569, 611, 612, 613, 614, 615, 680, 786, 811, 849, 850, 851, 852, 853, 854, 855, 856, 857, 858, 859, 923], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 60.0}, {"label": 1.0, "group": 1.0, "value": 12.0, "row_count": 60.0}, {"label": 2.0, "group": 2.0, "value": 11.0, "row_count": 60.0}, {"label": 3.0, "group": 3.0, "value": 4.0, "row_count": 60.0}, {"label": 4.0, "group": 4.0, "value": 32.0, "row_count": 60.0}], "0": [{"group": 0, "row_count": 60, "value": 59}, {"group": 1, "row_count": 60, "value": 1}], "1": [{"group": 0, "row_count": 60, "value": 48}, {"group": 1, "row_count": 60, "value": 12}], "2": [{"group": 0, "row_count": 60, "value": 49}, {"group": 1, "row_count": 60, "value": 11}], "3": [{"group": 0, "row_count": 60, "value": 56}, {"group": 1, "row_count": 60, "value": 4}], "4": [{"group": 1, "row_count": 60, "value": 32}, {"group": 0, "row_count": 60, "value": 28}], "data_id": [{"group": 508, "row_count": 60, "value": 23}, {"group": 1016, "row_count": 60, "value": 17}, {"group": 254, "row_count": 60, "value": 11}, {"group": 762, "row_count": 60, "value": 9}], "uniform": [{"group": 0, "row_count": 60, "value": 60}], "degree": [{"group": 117, "row_count": 60, "value": 60}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 117}, "size": 60, "degree": 117}, {"id": 353, "name": 353, "tooltip": "353 (size: 54)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 7.00 | \n
\n \n 2.00 | \n 20.00 | \n
\n \n 3.00 | \n 6.00 | \n
\n \n 4.00 | \n 21.00 | \n
\n \n
", "members": [14, 15, 16, 17, 18, 19, 52, 141, 142, 143, 144, 145, 146, 147, 200, 201, 202, 203, 204, 205, 206, 334, 388, 389, 390, 428, 429, 488, 489, 494, 495, 496, 497, 498, 499, 500, 501, 502, 603, 604, 605, 606, 607, 608, 793, 794, 795, 796, 854, 955, 956, 957, 958, 959], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 54.0}, {"label": 1.0, "group": 1.0, "value": 7.0, "row_count": 54.0}, {"label": 2.0, "group": 2.0, "value": 20.0, "row_count": 54.0}, {"label": 3.0, "group": 3.0, "value": 6.0, "row_count": 54.0}, {"label": 4.0, "group": 4.0, "value": 21.0, "row_count": 54.0}], "0": [{"group": 0, "row_count": 54, "value": 54}], "1": [{"group": 0, "row_count": 54, "value": 47}, {"group": 1, "row_count": 54, "value": 7}], "2": [{"group": 0, "row_count": 54, "value": 34}, {"group": 1, "row_count": 54, "value": 20}], "3": [{"group": 0, "row_count": 54, "value": 48}, {"group": 1, "row_count": 54, "value": 6}], "4": [{"group": 0, "row_count": 54, "value": 33}, {"group": 1, "row_count": 54, "value": 21}], "data_id": [{"group": 254, "row_count": 54, "value": 20}, {"group": 508, "row_count": 54, "value": 18}, {"group": 1016, "row_count": 54, "value": 10}, {"group": 762, "row_count": 54, "value": 6}], "uniform": [{"group": 0, "row_count": 54, "value": 54}], "degree": [{"group": 89, "row_count": 54, "value": 54}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 89}, "size": 54, "degree": 89}, {"id": 354, "name": 354, "tooltip": "354 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 2.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [12, 13], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 2.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 1, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 254, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 8, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 8}, "size": 2, "degree": 8}, {"id": 355, "name": 355, "tooltip": "355 (size: 39)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 7.00 | \n
\n \n 2.00 | \n 20.00 | \n
\n \n 3.00 | \n 2.00 | \n
\n \n 4.00 | \n 10.00 | \n
\n \n
", "members": [12, 13, 14, 15, 16, 17, 27, 173, 174, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 394, 454, 529, 573, 574, 575, 595, 596, 597, 858, 859, 860, 861, 862, 863, 864, 865, 925, 926], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 39.0}, {"label": 1.0, "group": 1.0, "value": 7.0, "row_count": 39.0}, {"label": 2.0, "group": 2.0, "value": 20.0, "row_count": 39.0}, {"label": 3.0, "group": 3.0, "value": 2.0, "row_count": 39.0}, {"label": 4.0, "group": 4.0, "value": 10.0, "row_count": 39.0}], "0": [{"group": 0, "row_count": 39, "value": 39}], "1": [{"group": 0, "row_count": 39, "value": 32}, {"group": 1, "row_count": 39, "value": 7}], "2": [{"group": 1, "row_count": 39, "value": 20}, {"group": 0, "row_count": 39, "value": 19}], "3": [{"group": 0, "row_count": 39, "value": 37}, {"group": 1, "row_count": 39, "value": 2}], "4": [{"group": 0, "row_count": 39, "value": 29}, {"group": 1, "row_count": 39, "value": 10}], "data_id": [{"group": 254, "row_count": 39, "value": 20}, {"group": 1016, "row_count": 39, "value": 10}, {"group": 762, "row_count": 39, "value": 6}, {"group": 508, "row_count": 39, "value": 3}], "uniform": [{"group": 0, "row_count": 39, "value": 39}], "degree": [{"group": 67, "row_count": 39, "value": 39}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 67}, "size": 39, "degree": 67}, {"id": 356, "name": 356, "tooltip": "356 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 12.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 12.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 1, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 254, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 21, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 21}, "size": 12, "degree": 21}, {"id": 357, "name": 357, "tooltip": "357 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 5.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [11, 12, 13, 14, 15], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 5.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 1, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 254, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 14, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 14}, "size": 5, "degree": 14}, {"id": 358, "name": 358, "tooltip": "358 (size: 34)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 14.00 | \n
\n \n 2.00 | \n 7.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 13.00 | \n
\n \n
", "members": [8, 9, 10, 11, 12, 13, 14, 74, 75, 76, 77, 78, 79, 115, 246, 488, 552, 553, 569, 623, 624, 625, 782, 783, 784, 785, 786, 787, 788, 789, 790, 791, 792, 860], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 34.0}, {"label": 1.0, "group": 1.0, "value": 14.0, "row_count": 34.0}, {"label": 2.0, "group": 2.0, "value": 7.0, "row_count": 34.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 34.0}, {"label": 4.0, "group": 4.0, "value": 13.0, "row_count": 34.0}], "0": [{"group": 0, "row_count": 34, "value": 34}], "1": [{"group": 0, "row_count": 34, "value": 20}, {"group": 1, "row_count": 34, "value": 14}], "2": [{"group": 0, "row_count": 34, "value": 27}, {"group": 1, "row_count": 34, "value": 7}], "3": [{"group": 0, "row_count": 34, "value": 34}], "4": [{"group": 0, "row_count": 34, "value": 21}, {"group": 1, "row_count": 34, "value": 13}], "data_id": [{"group": 1016, "row_count": 34, "value": 16}, {"group": 762, "row_count": 34, "value": 10}, {"group": 254, "row_count": 34, "value": 7}, {"group": 508, "row_count": 34, "value": 1}], "uniform": [{"group": 0, "row_count": 34, "value": 34}], "degree": [{"group": 66, "row_count": 34, "value": 34}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 66}, "size": 34, "degree": 66}, {"id": 359, "name": 359, "tooltip": "359 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 10.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [7, 8, 9, 10, 11, 12, 13, 14, 15, 16], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 10.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 1, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 254, "row_count": 10, "value": 7}, {"group": 1016, "row_count": 10, "value": 2}, {"group": 762, "row_count": 10, "value": 1}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 19, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 19}, "size": 10, "degree": 19}, {"id": 360, "name": 360, "tooltip": "360 (size: 35)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 23.00 | \n
\n \n 2.00 | \n 5.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 6.00 | \n
\n \n
", "members": [6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 221, 222, 223, 224, 497, 574, 787, 788, 789, 790, 854], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 35.0}, {"label": 1.0, "group": 1.0, "value": 23.0, "row_count": 35.0}, {"label": 2.0, "group": 2.0, "value": 5.0, "row_count": 35.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 35.0}, {"label": 4.0, "group": 4.0, "value": 6.0, "row_count": 35.0}], "0": [{"group": 0, "row_count": 35, "value": 34}, {"group": 1, "row_count": 35, "value": 1}], "1": [{"group": 1, "row_count": 35, "value": 23}, {"group": 0, "row_count": 35, "value": 12}], "2": [{"group": 0, "row_count": 35, "value": 30}, {"group": 1, "row_count": 35, "value": 5}], "3": [{"group": 0, "row_count": 35, "value": 35}], "4": [{"group": 0, "row_count": 35, "value": 29}, {"group": 1, "row_count": 35, "value": 6}], "data_id": [{"group": 254, "row_count": 35, "value": 24}, {"group": 1016, "row_count": 35, "value": 7}, {"group": 762, "row_count": 35, "value": 3}, {"group": 508, "row_count": 35, "value": 1}], "uniform": [{"group": 0, "row_count": 35, "value": 35}], "degree": [{"group": 61, "row_count": 35, "value": 35}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 61}, "size": 35, "degree": 61}, {"id": 361, "name": 361, "tooltip": "361 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 13.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 13.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 1, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 254, "row_count": 13, "value": 7}, {"group": 508, "row_count": 13, "value": 2}, {"group": 762, "row_count": 13, "value": 2}, {"group": 1016, "row_count": 13, "value": 2}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 20, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 20}, "size": 13, "degree": 20}, {"id": 362, "name": 362, "tooltip": "362 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 14.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 14.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 1, "row_count": 14, "value": 14}], "2": [{"group": 0, "row_count": 14, "value": 14}], "3": [{"group": 0, "row_count": 14, "value": 14}], "4": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 254, "row_count": 14, "value": 8}, {"group": 508, "row_count": 14, "value": 2}, {"group": 762, "row_count": 14, "value": 2}, {"group": 1016, "row_count": 14, "value": 2}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 17, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 17}, "size": 14, "degree": 17}, {"id": 363, "name": 363, "tooltip": "363 (size: 1)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [0], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 1, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 0, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 0, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 364, "name": 364, "tooltip": "364 (size: 29)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 20.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 7.00 | \n
\n \n
", "members": [0, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 429, 430, 474, 534, 535, 536, 543, 544, 610, 797, 817, 818, 819, 943], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 29.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 29.0}, {"label": 2.0, "group": 2.0, "value": 20.0, "row_count": 29.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 29.0}, {"label": 4.0, "group": 4.0, "value": 7.0, "row_count": 29.0}], "0": [{"group": 0, "row_count": 29, "value": 28}, {"group": 1, "row_count": 29, "value": 1}], "1": [{"group": 0, "row_count": 29, "value": 29}], "2": [{"group": 1, "row_count": 29, "value": 20}, {"group": 0, "row_count": 29, "value": 9}], "3": [{"group": 0, "row_count": 29, "value": 28}, {"group": 1, "row_count": 29, "value": 1}], "4": [{"group": 0, "row_count": 29, "value": 22}, {"group": 1, "row_count": 29, "value": 7}], "data_id": [{"group": 254, "row_count": 29, "value": 14}, {"group": 508, "row_count": 29, "value": 6}, {"group": 1016, "row_count": 29, "value": 5}, {"group": 762, "row_count": 29, "value": 3}, {"group": 0, "row_count": 29, "value": 1}], "uniform": [{"group": 0, "row_count": 29, "value": 29}], "degree": [{"group": 56, "row_count": 29, "value": 29}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 56}, "size": 29, "degree": 56}, {"id": 365, "name": 365, "tooltip": "365 (size: 52)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 21.00 | \n
\n \n 3.00 | \n 9.00 | \n
\n \n 4.00 | \n 20.00 | \n
\n \n
", "members": [0, 1, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 206, 207, 310, 311, 454, 473, 531, 568, 610, 796, 797, 798, 828, 829, 830, 831, 832, 833, 834, 835, 836, 837, 864, 865, 866, 867, 868, 962, 963, 997, 998, 999, 1000, 1001], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 52.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 52.0}, {"label": 2.0, "group": 2.0, "value": 21.0, "row_count": 52.0}, {"label": 3.0, "group": 3.0, "value": 9.0, "row_count": 52.0}, {"label": 4.0, "group": 4.0, "value": 20.0, "row_count": 52.0}], "0": [{"group": 0, "row_count": 52, "value": 51}, {"group": 1, "row_count": 52, "value": 1}], "1": [{"group": 0, "row_count": 52, "value": 51}, {"group": 1, "row_count": 52, "value": 1}], "2": [{"group": 0, "row_count": 52, "value": 31}, {"group": 1, "row_count": 52, "value": 21}], "3": [{"group": 0, "row_count": 52, "value": 43}, {"group": 1, "row_count": 52, "value": 9}], "4": [{"group": 0, "row_count": 52, "value": 32}, {"group": 1, "row_count": 52, "value": 20}], "data_id": [{"group": 254, "row_count": 52, "value": 23}, {"group": 1016, "row_count": 52, "value": 23}, {"group": 508, "row_count": 52, "value": 3}, {"group": 762, "row_count": 52, "value": 2}, {"group": 0, "row_count": 52, "value": 1}], "uniform": [{"group": 0, "row_count": 52, "value": 52}], "degree": [{"group": 72, "row_count": 52, "value": 52}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 72}, "size": 52, "degree": 72}, {"id": 366, "name": 366, "tooltip": "366 (size: 47)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 8.00 | \n
\n \n 2.00 | \n 20.00 | \n
\n \n 3.00 | \n 12.00 | \n
\n \n 4.00 | \n 6.00 | \n
\n \n
", "members": [0, 1, 2, 3, 4, 5, 6, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 206, 207, 607, 608, 609, 610, 611, 612, 679, 680, 796, 797, 798, 818, 831, 832, 958, 959, 960, 961, 962, 963, 964, 965, 966, 967, 968, 999], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 47.0}, {"label": 1.0, "group": 1.0, "value": 8.0, "row_count": 47.0}, {"label": 2.0, "group": 2.0, "value": 20.0, "row_count": 47.0}, {"label": 3.0, "group": 3.0, "value": 12.0, "row_count": 47.0}, {"label": 4.0, "group": 4.0, "value": 6.0, "row_count": 47.0}], "0": [{"group": 0, "row_count": 47, "value": 46}, {"group": 1, "row_count": 47, "value": 1}], "1": [{"group": 0, "row_count": 47, "value": 39}, {"group": 1, "row_count": 47, "value": 8}], "2": [{"group": 0, "row_count": 47, "value": 27}, {"group": 1, "row_count": 47, "value": 20}], "3": [{"group": 0, "row_count": 47, "value": 35}, {"group": 1, "row_count": 47, "value": 12}], "4": [{"group": 0, "row_count": 47, "value": 41}, {"group": 1, "row_count": 47, "value": 6}], "data_id": [{"group": 1016, "row_count": 47, "value": 18}, {"group": 254, "row_count": 47, "value": 17}, {"group": 762, "row_count": 47, "value": 9}, {"group": 508, "row_count": 47, "value": 2}, {"group": 0, "row_count": 47, "value": 1}], "uniform": [{"group": 0, "row_count": 47, "value": 47}], "degree": [{"group": 60, "row_count": 47, "value": 47}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 60}, "size": 47, "degree": 60}, {"id": 367, "name": 367, "tooltip": "367 (size: 9)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 8.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [0, 1, 2, 3, 4, 5, 6, 7, 8], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 8.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 8}, {"group": 1, "row_count": 9, "value": 1}], "1": [{"group": 1, "row_count": 9, "value": 8}, {"group": 0, "row_count": 9, "value": 1}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 254, "row_count": 9, "value": 3}, {"group": 508, "row_count": 9, "value": 2}, {"group": 762, "row_count": 9, "value": 2}, {"group": 0, "row_count": 9, "value": 1}, {"group": 1016, "row_count": 9, "value": 1}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 10, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 10}, "size": 9, "degree": 10}, {"id": 368, "name": 368, "tooltip": "368 (size: 12)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 11.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 11.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 11}, {"group": 1, "row_count": 12, "value": 1}], "1": [{"group": 1, "row_count": 12, "value": 11}, {"group": 0, "row_count": 12, "value": 1}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 254, "row_count": 12, "value": 5}, {"group": 508, "row_count": 12, "value": 2}, {"group": 762, "row_count": 12, "value": 2}, {"group": 1016, "row_count": 12, "value": 2}, {"group": 0, "row_count": 12, "value": 1}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 11, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 11}, "size": 12, "degree": 11}], "links": [{"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 0, "target": 1}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 0, "target": 3}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 0, "target": 265}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 1, "target": 3}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 1, "target": 265}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 2, "target": 3}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.5, "source": 2, "target": 164}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 2, "target": 304}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 2, "target": 306}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 3, "target": 164}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 3, "target": 265}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 3, "target": 304}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 3, "target": 306}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 4, "target": 5}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 4, "target": 6}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 4, "target": 36}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 4, "target": 164}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 4, "target": 227}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 4, "target": 228}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 4, "target": 270}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 4, "target": 304}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 4, "target": 309}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 4, "target": 312}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 4, "target": 365}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 4, "target": 366}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 5, "target": 6}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.5, "source": 5, "target": 7}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 5, "target": 36}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 5, "target": 227}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 5, "target": 228}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 5, "target": 270}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 5, "target": 309}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 5, "target": 312}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 5, "target": 365}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 5, "target": 366}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.5, "source": 6, "target": 7}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 6, "target": 228}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 6, "target": 270}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 6, "target": 312}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.5, "source": 7, "target": 9}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.5, "source": 7, "target": 199}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 8, "target": 9}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 8, "target": 11}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 8, "target": 12}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 8, "target": 226}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 9, "target": 11}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 9, "target": 12}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 9, "target": 16}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 9, "target": 226}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 9, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 10, "target": 11}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 10, "target": 12}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 10, "target": 16}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 10, "target": 278}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 10, "target": 351}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 11, "target": 12}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 11, "target": 16}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 11, "target": 226}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 11, "target": 278}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 11, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 12, "target": 14}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 12, "target": 16}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 12, "target": 226}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 12, "target": 278}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 12, "target": 351}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 12, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 13, "target": 14}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 13, "target": 16}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 13, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 13, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 13, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 13, "target": 366}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 14, "target": 16}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 14, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 14, "target": 336}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 14, "target": 351}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 14, "target": 366}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 15, "target": 16}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.5, "source": 15, "target": 326}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.5, "source": 15, "target": 365}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 15, "target": 366}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 16, "target": 226}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 16, "target": 278}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 16, "target": 315}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 16, "target": 326}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 16, "target": 336}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 16, "target": 351}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 16, "target": 365}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 16, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 17, "target": 326}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 17, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 17, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 17, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 17, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 18, "target": 19}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.5, "source": 18, "target": 113}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 18, "target": 270}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.5, "source": 18, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 19, "target": 113}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 19, "target": 145}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 19, "target": 169}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 19, "target": 270}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 19, "target": 275}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 19, "target": 326}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 20, "target": 21}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 20, "target": 24}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 20, "target": 32}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 20, "target": 113}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 20, "target": 197}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 20, "target": 199}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 20, "target": 202}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 20, "target": 271}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 20, "target": 274}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 20, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 21, "target": 23}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 21, "target": 24}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 21, "target": 197}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 21, "target": 199}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 21, "target": 202}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 21, "target": 271}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 21, "target": 274}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 21, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 22, "target": 23}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 22, "target": 24}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 22, "target": 199}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 22, "target": 202}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 22, "target": 271}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 22, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 22, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 23, "target": 24}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 23, "target": 199}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 23, "target": 202}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 23, "target": 271}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 23, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 23, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 24, "target": 197}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 24, "target": 199}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 24, "target": 202}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 24, "target": 271}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 24, "target": 274}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 24, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 24, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 24, "target": 355}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 25, "target": 199}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 25, "target": 304}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 25, "target": 306}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 26, "target": 199}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 26, "target": 304}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 26, "target": 306}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 27, "target": 36}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 27, "target": 164}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 27, "target": 300}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 28, "target": 30}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 28, "target": 297}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.5, "source": 28, "target": 298}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 28, "target": 300}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 29, "target": 30}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 29, "target": 297}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 29, "target": 298}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 29, "target": 300}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 30, "target": 36}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 30, "target": 297}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 30, "target": 298}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 30, "target": 300}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.0, "source": 31, "target": 32}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.0, "source": 31, "target": 298}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 32, "target": 113}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 32, "target": 147}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 32, "target": 270}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 32, "target": 294}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 33, "target": 35}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 33, "target": 147}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 33, "target": 197}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 33, "target": 226}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 33, "target": 227}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 33, "target": 228}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 33, "target": 263}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 33, "target": 266}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 33, "target": 312}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 33, "target": 334}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 34, "target": 35}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 34, "target": 164}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 34, "target": 226}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 34, "target": 227}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 34, "target": 262}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 34, "target": 304}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 35, "target": 147}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 35, "target": 164}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 35, "target": 197}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 35, "target": 226}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 35, "target": 227}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 35, "target": 228}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 35, "target": 262}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 35, "target": 304}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 35, "target": 312}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 35, "target": 334}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 3, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 36, "target": 164}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 36, "target": 226}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 36, "target": 270}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 36, "target": 274}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 36, "target": 297}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 36, "target": 300}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 3, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 36, "target": 304}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 36, "target": 309}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -2, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 36, "target": 365}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 36, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 37, "target": 38}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 37, "target": 41}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 37, "target": 278}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 37, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 37, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 37, "target": 355}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 38, "target": 41}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 38, "target": 227}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 38, "target": 278}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 38, "target": 350}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 38, "target": 351}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 38, "target": 352}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 38, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 38, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 39, "target": 40}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 39, "target": 41}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 39, "target": 154}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 39, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 39, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 39, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 39, "target": 352}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 40, "target": 41}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 40, "target": 154}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 40, "target": 227}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 40, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 40, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 40, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 40, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 40, "target": 336}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 40, "target": 348}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 40, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 40, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 40, "target": 360}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 41, "target": 154}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 164}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 197}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 202}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 227}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 228}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 238}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 271}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 274}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 278}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 336}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 348}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 350}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 351}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 353}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 41, "target": 365}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 42, "target": 110}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 42, "target": 154}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 42, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 43, "target": 44}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 43, "target": 47}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 43, "target": 202}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 43, "target": 253}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 43, "target": 254}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 43, "target": 271}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 43, "target": 274}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 43, "target": 275}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 43, "target": 365}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 44, "target": 47}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 44, "target": 202}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 44, "target": 253}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 44, "target": 254}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 44, "target": 271}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 44, "target": 274}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 44, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 44, "target": 309}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 44, "target": 365}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 45, "target": 47}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 45, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 45, "target": 312}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 45, "target": 313}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 45, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 46, "target": 47}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 46, "target": 48}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.5, "source": 46, "target": 266}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.5, "source": 46, "target": 364}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 47, "target": 48}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 47, "target": 202}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 47, "target": 253}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 47, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 47, "target": 266}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 47, "target": 271}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 47, "target": 274}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 47, "target": 275}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 47, "target": 309}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 47, "target": 312}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 47, "target": 313}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 47, "target": 334}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 47, "target": 347}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 47, "target": 364}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 47, "target": 365}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 47, "target": 366}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 48, "target": 266}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 48, "target": 313}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 48, "target": 347}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 48, "target": 364}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 48, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 49, "target": 50}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 49, "target": 147}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 49, "target": 197}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 49, "target": 227}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 49, "target": 228}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 49, "target": 266}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 49, "target": 312}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 49, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 49, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 50, "target": 147}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 50, "target": 197}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 50, "target": 226}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 50, "target": 227}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 50, "target": 228}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 50, "target": 266}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 50, "target": 312}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 50, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 50, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 51, "target": 52}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 51, "target": 263}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 51, "target": 268}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 51, "target": 278}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 51, "target": 328}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 51, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 51, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 51, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 51, "target": 364}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 51, "target": 365}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 51, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 52, "target": 263}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 52, "target": 268}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 52, "target": 278}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 52, "target": 328}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 52, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 52, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 52, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 52, "target": 364}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 52, "target": 365}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 52, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 53, "target": 57}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 53, "target": 263}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 53, "target": 278}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 53, "target": 347}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 53, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 53, "target": 353}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 54, "target": 56}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 54, "target": 57}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 54, "target": 90}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 54, "target": 91}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 54, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 54, "target": 348}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 54, "target": 358}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 54, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 55, "target": 56}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 55, "target": 57}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 55, "target": 91}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 55, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 55, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 55, "target": 360}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 56, "target": 57}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 56, "target": 90}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 56, "target": 91}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 56, "target": 312}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 56, "target": 313}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 56, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 56, "target": 334}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 56, "target": 358}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 56, "target": 360}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 57, "target": 90}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 57, "target": 91}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 57, "target": 263}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 57, "target": 268}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 57, "target": 278}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 57, "target": 312}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 57, "target": 313}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 57, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 57, "target": 328}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 57, "target": 329}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 57, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 57, "target": 347}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 57, "target": 348}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 57, "target": 353}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 57, "target": 358}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 57, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 57, "target": 365}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 57, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 58, "target": 312}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 58, "target": 313}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 58, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 58, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 58, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 58, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 59, "target": 228}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 59, "target": 254}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 59, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 59, "target": 276}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 59, "target": 309}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 59, "target": 310}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 59, "target": 312}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 59, "target": 313}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 59, "target": 315}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 59, "target": 334}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 59, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 60, "target": 113}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 60, "target": 149}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 60, "target": 169}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 60, "target": 294}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 60, "target": 296}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 61, "target": 62}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 61, "target": 113}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 61, "target": 270}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 61, "target": 294}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 61, "target": 296}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 62, "target": 63}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 62, "target": 113}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 62, "target": 294}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 62, "target": 296}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 63, "target": 64}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 63, "target": 296}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 64, "target": 65}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 64, "target": 66}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 65, "target": 66}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 65, "target": 69}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 66, "target": 68}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 66, "target": 69}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 66, "target": 70}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 67, "target": 68}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 67, "target": 69}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 67, "target": 70}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.5, "source": 67, "target": 348}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 68, "target": 69}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 68, "target": 70}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 68, "target": 348}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 69, "target": 70}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 69, "target": 348}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 70, "target": 71}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 70, "target": 348}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 71, "target": 72}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 71, "target": 73}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 72, "target": 73}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 72, "target": 74}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 73, "target": 74}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.5, "source": 74, "target": 76}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.5, "source": 74, "target": 297}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 75, "target": 76}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 75, "target": 77}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 75, "target": 78}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 75, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 75, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 75, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 75, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 75, "target": 347}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 76, "target": 77}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 76, "target": 78}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 76, "target": 297}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 76, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 76, "target": 334}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 76, "target": 335}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 76, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 76, "target": 347}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 77, "target": 78}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 77, "target": 79}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 77, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 77, "target": 334}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 77, "target": 335}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 77, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 77, "target": 347}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 77, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 77, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 77, "target": 366}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 78, "target": 79}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 78, "target": 80}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 78, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 78, "target": 334}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 78, "target": 335}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 78, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 78, "target": 347}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 78, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 78, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 78, "target": 366}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 79, "target": 80}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 79, "target": 151}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 79, "target": 228}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 79, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 79, "target": 335}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 79, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 79, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 79, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 79, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 79, "target": 366}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 80, "target": 82}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 80, "target": 151}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 80, "target": 228}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 80, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.0, "source": 81, "target": 82}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.0, "source": 81, "target": 297}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 82, "target": 297}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 83, "target": 84}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 83, "target": 297}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 83, "target": 300}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 84, "target": 86}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 84, "target": 88}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 84, "target": 297}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 84, "target": 300}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 85, "target": 86}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 85, "target": 87}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 85, "target": 88}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 85, "target": 289}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.5, "source": 86, "target": 87}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 86, "target": 88}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 86, "target": 289}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 87, "target": 88}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.5, "source": 87, "target": 289}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 88, "target": 289}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 89, "target": 90}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 89, "target": 91}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 89, "target": 358}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 90, "target": 91}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 90, "target": 94}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 90, "target": 289}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 90, "target": 315}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 90, "target": 358}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 90, "target": 360}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 91, "target": 93}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 91, "target": 94}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 91, "target": 249}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 91, "target": 252}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 91, "target": 253}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 91, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 91, "target": 312}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 91, "target": 313}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 91, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 91, "target": 334}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 91, "target": 358}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 91, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 92, "target": 93}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 92, "target": 94}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 92, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 92, "target": 281}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 92, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 92, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 92, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 92, "target": 352}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 93, "target": 94}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 93, "target": 249}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 93, "target": 252}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 93, "target": 253}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 93, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 93, "target": 280}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 93, "target": 281}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 93, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 93, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 93, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 93, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 94, "target": 249}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 94, "target": 252}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 94, "target": 253}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 94, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 94, "target": 280}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 94, "target": 281}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 94, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 94, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 94, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 94, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 94, "target": 358}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 95, "target": 96}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 95, "target": 281}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 95, "target": 334}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 95, "target": 335}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 95, "target": 336}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 95, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 96, "target": 281}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 96, "target": 312}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 96, "target": 334}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 96, "target": 335}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 96, "target": 336}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 96, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 96, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 97, "target": 98}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 97, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 97, "target": 347}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 97, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 97, "target": 353}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 98, "target": 214}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 98, "target": 216}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 98, "target": 274}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 98, "target": 334}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 98, "target": 335}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 98, "target": 336}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 98, "target": 347}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 98, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 98, "target": 352}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 98, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 98, "target": 364}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 98, "target": 365}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 98, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 99, "target": 117}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 99, "target": 214}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 99, "target": 218}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 99, "target": 236}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 99, "target": 238}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 99, "target": 249}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 99, "target": 263}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 99, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 100, "target": 145}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 100, "target": 169}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 100, "target": 214}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 100, "target": 263}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 100, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 100, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 101, "target": 117}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 101, "target": 255}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 101, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.5, "source": 101, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 102, "target": 278}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 102, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 102, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 102, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 102, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 103, "target": 104}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 103, "target": 278}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 103, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 103, "target": 309}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 103, "target": 310}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 103, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 103, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 103, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 103, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 104, "target": 262}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 104, "target": 275}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 104, "target": 278}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 104, "target": 280}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 104, "target": 309}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 104, "target": 310}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 104, "target": 315}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 104, "target": 329}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 104, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 104, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 104, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 104, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 104, "target": 365}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 105, "target": 107}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 105, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 105, "target": 267}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 105, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 105, "target": 312}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 105, "target": 313}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 105, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 106, "target": 107}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.5, "source": 106, "target": 109}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 106, "target": 267}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 106, "target": 275}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 107, "target": 109}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 107, "target": 147}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.875, "source": 107, "target": 228}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 107, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 107, "target": 263}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 107, "target": 267}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 107, "target": 275}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 107, "target": 312}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.875, "source": 107, "target": 313}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.875, "source": 107, "target": 315}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 107, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.875, "source": 107, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.875, "source": 107, "target": 336}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.875, "source": 107, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 108, "target": 109}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 108, "target": 267}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 108, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 108, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 108, "target": 364}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 109, "target": 267}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 109, "target": 275}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 109, "target": 348}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 109, "target": 364}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 110, "target": 114}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 110, "target": 154}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 110, "target": 254}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 110, "target": 262}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 110, "target": 267}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 110, "target": 273}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 110, "target": 274}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 110, "target": 275}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 110, "target": 309}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 110, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 111, "target": 112}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 111, "target": 114}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 111, "target": 267}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 111, "target": 275}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 112, "target": 114}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 112, "target": 267}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 112, "target": 270}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 112, "target": 275}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 112, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 112, "target": 364}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 113, "target": 114}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 113, "target": 249}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 113, "target": 254}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 113, "target": 267}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 113, "target": 270}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 113, "target": 275}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 113, "target": 294}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 113, "target": 296}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 113, "target": 309}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 113, "target": 348}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 113, "target": 364}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 114, "target": 249}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 114, "target": 254}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 114, "target": 267}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 114, "target": 270}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 114, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 114, "target": 309}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 114, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 114, "target": 348}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 114, "target": 364}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 115, "target": 238}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 115, "target": 249}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 115, "target": 267}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 115, "target": 270}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 115, "target": 274}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 115, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 115, "target": 364}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 116, "target": 236}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 116, "target": 238}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 116, "target": 249}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 116, "target": 274}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 116, "target": 275}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.0, "source": 117, "target": 118}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 117, "target": 204}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 117, "target": 206}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 117, "target": 214}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 117, "target": 218}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 117, "target": 236}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 2, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 117, "target": 238}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 117, "target": 249}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 117, "target": 253}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 117, "target": 255}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 117, "target": 256}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 117, "target": 257}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 117, "target": 262}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 117, "target": 263}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 117, "target": 274}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 117, "target": 350}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -2, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 117, "target": 355}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.0, "source": 118, "target": 119}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.5, "source": 119, "target": 121}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.5, "source": 119, "target": 154}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.5, "source": 119, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 120, "target": 121}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 120, "target": 326}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 120, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 120, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 120, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 120, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 121, "target": 122}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 121, "target": 154}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 121, "target": 280}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 121, "target": 326}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 121, "target": 329}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 121, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 121, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 121, "target": 352}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 121, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 122, "target": 125}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 122, "target": 280}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 122, "target": 326}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 122, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 122, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 122, "target": 347}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 122, "target": 348}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 122, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 123, "target": 125}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 123, "target": 216}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 123, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 123, "target": 347}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 123, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 123, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 123, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 123, "target": 360}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 124, "target": 125}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 124, "target": 126}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 124, "target": 130}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 124, "target": 216}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 124, "target": 347}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 124, "target": 348}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 124, "target": 353}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 125, "target": 126}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 125, "target": 130}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 125, "target": 216}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 125, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 125, "target": 326}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 125, "target": 329}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 125, "target": 347}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 125, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 125, "target": 352}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 125, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 125, "target": 360}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 126, "target": 130}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 126, "target": 216}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 126, "target": 347}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 126, "target": 348}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 126, "target": 353}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 127, "target": 128}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 127, "target": 130}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 127, "target": 131}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 127, "target": 329}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 127, "target": 352}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 128, "target": 130}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 128, "target": 131}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 128, "target": 133}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 128, "target": 199}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 128, "target": 202}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 128, "target": 315}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 128, "target": 329}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 128, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 128, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 129, "target": 130}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 129, "target": 131}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 129, "target": 133}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 129, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 129, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 129, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 129, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 129, "target": 358}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 130, "target": 131}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 130, "target": 133}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 130, "target": 199}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 130, "target": 202}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 130, "target": 216}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 130, "target": 315}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 130, "target": 329}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 130, "target": 347}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 130, "target": 348}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 130, "target": 352}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 130, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 130, "target": 358}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 131, "target": 133}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 131, "target": 199}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 131, "target": 202}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 131, "target": 226}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 131, "target": 315}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 131, "target": 329}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 131, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 131, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 131, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 132, "target": 133}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 132, "target": 134}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 132, "target": 138}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 132, "target": 226}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 132, "target": 262}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 133, "target": 134}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 133, "target": 138}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 133, "target": 199}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 133, "target": 202}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 133, "target": 226}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 133, "target": 227}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 133, "target": 228}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 133, "target": 262}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 133, "target": 315}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 133, "target": 329}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 133, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 133, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 133, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 134, "target": 136}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 134, "target": 137}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 134, "target": 138}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 134, "target": 226}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 134, "target": 227}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 134, "target": 262}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 134, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 135, "target": 136}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 135, "target": 137}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 135, "target": 138}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 135, "target": 141}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 135, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 135, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 135, "target": 313}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 136, "target": 137}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 136, "target": 138}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 136, "target": 141}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 136, "target": 226}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 136, "target": 254}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 136, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 136, "target": 313}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 137, "target": 138}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 137, "target": 140}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 137, "target": 141}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 137, "target": 226}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 137, "target": 254}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 137, "target": 267}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 137, "target": 275}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 137, "target": 309}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 137, "target": 312}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 137, "target": 313}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 137, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 138, "target": 140}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 138, "target": 141}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 138, "target": 226}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 138, "target": 254}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 138, "target": 262}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 138, "target": 267}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 138, "target": 275}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 138, "target": 309}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 138, "target": 312}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 138, "target": 313}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 138, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 139, "target": 140}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 139, "target": 141}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 139, "target": 253}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 139, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 139, "target": 267}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 139, "target": 270}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 139, "target": 271}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 139, "target": 273}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 139, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 139, "target": 309}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 139, "target": 313}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 139, "target": 364}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 140, "target": 141}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 140, "target": 253}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 140, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.875, "source": 140, "target": 267}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 140, "target": 270}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 140, "target": 271}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 140, "target": 273}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 140, "target": 275}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 140, "target": 309}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.875, "source": 140, "target": 312}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 140, "target": 313}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.875, "source": 140, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 140, "target": 364}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 141, "target": 253}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 141, "target": 254}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -2, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 141, "target": 267}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 141, "target": 270}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 141, "target": 271}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 141, "target": 273}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 141, "target": 275}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 141, "target": 309}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 141, "target": 312}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 141, "target": 313}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 141, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 141, "target": 364}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 142, "target": 151}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 142, "target": 228}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 142, "target": 322}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 142, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 143, "target": 144}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 143, "target": 169}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 143, "target": 265}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 143, "target": 294}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 144, "target": 169}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 144, "target": 228}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 144, "target": 265}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 144, "target": 294}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 145, "target": 169}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 145, "target": 214}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 145, "target": 263}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 145, "target": 265}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 145, "target": 270}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 145, "target": 273}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 145, "target": 326}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 145, "target": 329}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 145, "target": 334}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 145, "target": 348}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 145, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 146, "target": 164}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 146, "target": 169}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 146, "target": 202}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 146, "target": 249}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 146, "target": 274}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 146, "target": 276}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 146, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 146, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 146, "target": 365}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 147, "target": 148}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 147, "target": 149}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.0, "strength": 0.92, "source": 147, "target": 151}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 164}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -2, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 147, "target": 197}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 226}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -2, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 227}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -4, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 228}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 238}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 255}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 2, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 262}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 263}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 147, "target": 266}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 268}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 274}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 278}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 309}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -4, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 312}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 313}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 315}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 322}, {"value": 15, "size": 15, "kind": "intersection", "n_directional": -2, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 147, "target": 365}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 148, "target": 149}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 148, "target": 151}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 148, "target": 164}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 148, "target": 227}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 148, "target": 253}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 148, "target": 255}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 148, "target": 262}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 148, "target": 268}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 148, "target": 276}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 148, "target": 304}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 148, "target": 313}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 148, "target": 322}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 149, "target": 151}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.875, "source": 149, "target": 164}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 149, "target": 253}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 149, "target": 255}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 149, "target": 262}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 149, "target": 268}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 6.25, "strength": 0.875, "source": 149, "target": 276}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 149, "target": 294}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.875, "source": 149, "target": 304}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 149, "target": 309}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 149, "target": 310}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 6.25, "strength": 0.875, "source": 149, "target": 313}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.875, "source": 149, "target": 322}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 150, "target": 151}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 150, "target": 228}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 150, "target": 322}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 150, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 150, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 151, "target": 153}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.0, "strength": 0.92, "source": 151, "target": 164}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -2, "distance": 4.0, "strength": 0.92, "source": 151, "target": 228}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 4.0, "strength": 0.92, "source": 151, "target": 253}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.0, "strength": 0.92, "source": 151, "target": 254}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 4.0, "strength": 0.92, "source": 151, "target": 262}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.0, "strength": 0.92, "source": 151, "target": 268}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.0, "strength": 0.92, "source": 151, "target": 273}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.0, "strength": 0.92, "source": 151, "target": 274}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 4.0, "strength": 0.92, "source": 151, "target": 275}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 4.0, "strength": 0.92, "source": 151, "target": 309}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.0, "strength": 0.92, "source": 151, "target": 310}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.0, "strength": 0.92, "source": 151, "target": 312}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 0, "distance": 4.0, "strength": 0.92, "source": 151, "target": 322}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.0, "strength": 0.92, "source": 151, "target": 330}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -2, "distance": 4.0, "strength": 0.92, "source": 151, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.0, "strength": 0.92, "source": 151, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.0, "strength": 0.92, "source": 151, "target": 365}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 152, "target": 153}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 152, "target": 155}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 152, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 152, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 152, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 152, "target": 352}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 153, "target": 155}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 153, "target": 218}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 153, "target": 228}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 153, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 153, "target": 322}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 153, "target": 329}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 153, "target": 340}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 153, "target": 348}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 153, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 154, "target": 155}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 154, "target": 157}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 154, "target": 315}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 154, "target": 326}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 154, "target": 329}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 154, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 154, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 154, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 154, "target": 336}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 154, "target": 348}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 154, "target": 352}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 154, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 154, "target": 360}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 155, "target": 157}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 155, "target": 218}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 155, "target": 228}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 155, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 155, "target": 329}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 155, "target": 340}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 155, "target": 348}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 155, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 156, "target": 157}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 156, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 156, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 157, "target": 158}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 157, "target": 160}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 157, "target": 265}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 157, "target": 267}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 157, "target": 278}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 157, "target": 348}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 157, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 157, "target": 353}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 157, "target": 364}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 158, "target": 160}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 158, "target": 169}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 158, "target": 265}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 158, "target": 267}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 158, "target": 278}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 158, "target": 334}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 158, "target": 348}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 158, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 158, "target": 353}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 158, "target": 364}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 159, "target": 160}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 159, "target": 226}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 159, "target": 267}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 160, "target": 161}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 160, "target": 163}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 160, "target": 169}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 160, "target": 226}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 160, "target": 249}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 160, "target": 265}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 160, "target": 267}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 160, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 160, "target": 278}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 160, "target": 334}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 160, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 160, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 160, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 160, "target": 364}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.5, "source": 161, "target": 162}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 161, "target": 163}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 161, "target": 267}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 161, "target": 273}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 162, "target": 163}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 162, "target": 267}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 162, "target": 273}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 163, "target": 226}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 163, "target": 249}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 163, "target": 253}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 163, "target": 267}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 163, "target": 273}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 163, "target": 275}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 163, "target": 309}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -2, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 164, "target": 202}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 164, "target": 204}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 164, "target": 226}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 164, "target": 236}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 164, "target": 238}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 164, "target": 249}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 164, "target": 252}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 164, "target": 253}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 164, "target": 255}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 164, "target": 262}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 164, "target": 268}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -2, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 164, "target": 271}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 164, "target": 273}, {"value": 15, "size": 15, "kind": "intersection", "n_directional": 2, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 164, "target": 274}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 3, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 164, "target": 275}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 164, "target": 276}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 164, "target": 300}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 164, "target": 304}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 4.3478260869565215, "strength": 0.9130434782608696, "source": 164, "target": 306}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 2, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 164, "target": 309}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 164, "target": 313}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 164, "target": 322}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 164, "target": 334}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 164, "target": 355}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": -1, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 164, "target": 365}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 164, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 165, "target": 206}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 165, "target": 252}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 165, "target": 253}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 165, "target": 254}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 165, "target": 255}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 165, "target": 273}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 165, "target": 275}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 165, "target": 276}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 165, "target": 309}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 165, "target": 322}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 166, "target": 216}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 166, "target": 218}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 166, "target": 236}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 166, "target": 238}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 167, "target": 168}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 167, "target": 169}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 167, "target": 172}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 167, "target": 216}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 167, "target": 236}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 167, "target": 265}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 167, "target": 267}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 167, "target": 278}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 167, "target": 347}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 167, "target": 348}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 167, "target": 353}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 168, "target": 169}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 168, "target": 172}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 168, "target": 265}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 168, "target": 348}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 169, "target": 172}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 169, "target": 214}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 4.0, "strength": 0.92, "source": 169, "target": 228}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.0, "strength": 0.92, "source": 169, "target": 263}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 4.0, "strength": 0.92, "source": 169, "target": 265}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 4.0, "strength": 0.92, "source": 169, "target": 273}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 169, "target": 294}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.0, "strength": 0.92, "source": 169, "target": 312}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 4.0, "strength": 0.92, "source": 169, "target": 326}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.0, "strength": 0.92, "source": 169, "target": 329}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 4.0, "strength": 0.92, "source": 169, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.0, "strength": 0.92, "source": 169, "target": 347}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 2, "distance": 4.0, "strength": 0.92, "source": 169, "target": 348}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 4.0, "strength": 0.92, "source": 169, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 170, "target": 171}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 170, "target": 172}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 170, "target": 176}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.5, "source": 170, "target": 348}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 171, "target": 172}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 171, "target": 176}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 171, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 171, "target": 352}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 172, "target": 176}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 172, "target": 265}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 172, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 172, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 173, "target": 174}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 173, "target": 175}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 173, "target": 176}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 173, "target": 177}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 173, "target": 178}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 174, "target": 175}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 174, "target": 176}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 174, "target": 177}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 174, "target": 178}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 174, "target": 199}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 174, "target": 202}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 174, "target": 271}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 175, "target": 176}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 175, "target": 177}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 175, "target": 178}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 175, "target": 199}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 175, "target": 202}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 175, "target": 271}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 176, "target": 177}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 176, "target": 178}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 176, "target": 199}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 176, "target": 202}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 176, "target": 271}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 176, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 176, "target": 352}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 177, "target": 178}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 177, "target": 181}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 177, "target": 199}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 177, "target": 202}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 177, "target": 271}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 177, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 178, "target": 180}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 178, "target": 181}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 178, "target": 183}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 178, "target": 199}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 178, "target": 202}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 178, "target": 271}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 178, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 179, "target": 180}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 179, "target": 181}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 179, "target": 183}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 180, "target": 181}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 180, "target": 183}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 180, "target": 187}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 180, "target": 350}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 181, "target": 183}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 181, "target": 187}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 181, "target": 350}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 182, "target": 183}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 182, "target": 184}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 182, "target": 187}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 182, "target": 189}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 182, "target": 191}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 182, "target": 351}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 183, "target": 184}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 183, "target": 187}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 183, "target": 189}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 183, "target": 191}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 183, "target": 350}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 183, "target": 351}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 184, "target": 187}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 184, "target": 188}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 184, "target": 189}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 184, "target": 191}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 184, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 185, "target": 186}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 185, "target": 187}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 185, "target": 188}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 185, "target": 189}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 185, "target": 191}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 185, "target": 192}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 185, "target": 347}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 185, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 185, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 186, "target": 187}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 186, "target": 188}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 186, "target": 189}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 186, "target": 190}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 186, "target": 191}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 186, "target": 192}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 186, "target": 347}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 186, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 186, "target": 352}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 187, "target": 188}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 187, "target": 189}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 187, "target": 190}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 187, "target": 191}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 187, "target": 192}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 187, "target": 347}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 187, "target": 348}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 187, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 187, "target": 352}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 188, "target": 189}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 188, "target": 190}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 188, "target": 191}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 188, "target": 192}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 188, "target": 194}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 188, "target": 347}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 188, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 188, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 188, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 188, "target": 353}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 189, "target": 190}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 189, "target": 191}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 189, "target": 192}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 189, "target": 194}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 189, "target": 273}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 189, "target": 275}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 189, "target": 347}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 189, "target": 348}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 189, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 189, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 189, "target": 353}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 190, "target": 191}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 190, "target": 192}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 190, "target": 194}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 190, "target": 273}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 190, "target": 275}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 190, "target": 347}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 190, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 190, "target": 353}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 191, "target": 192}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 191, "target": 194}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 191, "target": 195}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 191, "target": 273}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 191, "target": 275}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 191, "target": 347}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 191, "target": 348}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 191, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 191, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 191, "target": 353}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 192, "target": 194}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 192, "target": 195}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 192, "target": 197}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 192, "target": 273}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 192, "target": 275}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 192, "target": 347}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 192, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 192, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 192, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 193, "target": 194}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 193, "target": 195}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 193, "target": 197}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 193, "target": 200}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 193, "target": 227}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 193, "target": 228}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 194, "target": 195}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 194, "target": 197}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 194, "target": 200}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 194, "target": 227}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 194, "target": 228}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 194, "target": 273}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 194, "target": 275}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 194, "target": 347}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 194, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.875, "source": 194, "target": 353}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 195, "target": 197}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 195, "target": 200}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 195, "target": 202}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 195, "target": 227}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 195, "target": 228}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 196, "target": 197}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 196, "target": 200}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.3333333333333335, "source": 196, "target": 202}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 197, "target": 199}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 197, "target": 200}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": -1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 197, "target": 202}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 197, "target": 226}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 2, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 197, "target": 227}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 197, "target": 228}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 197, "target": 263}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 5.0, "strength": 0.9, "source": 197, "target": 266}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -2, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 197, "target": 271}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 197, "target": 274}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 197, "target": 312}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 197, "target": 334}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 197, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.571428571428571, "strength": 0.9285714285714286, "source": 197, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 198, "target": 199}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 198, "target": 200}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 198, "target": 202}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 198, "target": 203}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 198, "target": 271}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 199, "target": 200}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 2, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 199, "target": 202}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 199, "target": 203}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 2, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 199, "target": 271}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 199, "target": 274}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 199, "target": 304}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 4.3478260869565215, "strength": 0.9130434782608696, "source": 199, "target": 306}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 199, "target": 315}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 199, "target": 329}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 199, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 199, "target": 353}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 199, "target": 355}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 200, "target": 201}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 200, "target": 202}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 200, "target": 203}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 200, "target": 205}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 200, "target": 227}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 200, "target": 228}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 200, "target": 254}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 200, "target": 271}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 200, "target": 274}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 200, "target": 275}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.8888888888888888, "source": 200, "target": 365}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 201, "target": 202}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 201, "target": 203}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 201, "target": 205}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 201, "target": 254}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 201, "target": 271}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 201, "target": 274}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 201, "target": 275}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 201, "target": 365}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 202, "target": 203}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 202, "target": 205}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 202, "target": 227}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.3255813953488373, "strength": 0.9534883720930233, "source": 202, "target": 238}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 202, "target": 249}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 2.0, "strength": 0.96, "source": 202, "target": 253}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -2, "distance": 2.0, "strength": 0.96, "source": 202, "target": 254}, {"value": 21, "size": 21, "kind": "intersection", "n_directional": -2, "distance": 2.0, "strength": 0.96, "source": 202, "target": 271}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 1, "distance": 2.0, "strength": 0.96, "source": 202, "target": 274}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -2, "distance": 2.0, "strength": 0.96, "source": 202, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 202, "target": 276}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.0, "strength": 0.96, "source": 202, "target": 278}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.0, "strength": 0.96, "source": 202, "target": 309}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.0, "strength": 0.96, "source": 202, "target": 315}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.0, "strength": 0.96, "source": 202, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.0, "strength": 0.96, "source": 202, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.0, "strength": 0.96, "source": 202, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.0, "strength": 0.96, "source": 202, "target": 351}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.0, "strength": 0.96, "source": 202, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.0, "strength": 0.96, "source": 202, "target": 353}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 2.0, "strength": 0.96, "source": 202, "target": 355}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 2.0, "strength": 0.96, "source": 202, "target": 365}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.0, "strength": 0.96, "source": 202, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 203, "target": 204}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 203, "target": 205}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 203, "target": 206}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 203, "target": 207}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 203, "target": 254}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 203, "target": 255}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 203, "target": 271}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 203, "target": 274}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 203, "target": 275}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 203, "target": 365}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 204, "target": 205}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 2, "distance": 5.0, "strength": 0.9, "source": 204, "target": 206}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 204, "target": 207}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 204, "target": 216}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 204, "target": 218}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 204, "target": 236}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 204, "target": 238}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 204, "target": 249}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 204, "target": 252}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 204, "target": 253}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 2, "distance": 5.0, "strength": 0.9, "source": 204, "target": 255}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 204, "target": 257}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 5.0, "strength": 0.9, "source": 204, "target": 263}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 204, "target": 274}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 204, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 5.0, "strength": 0.9, "source": 204, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 204, "target": 365}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 205, "target": 206}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 205, "target": 207}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 205, "target": 208}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 205, "target": 253}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 205, "target": 254}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 205, "target": 255}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 205, "target": 271}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 205, "target": 274}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 205, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 205, "target": 365}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": -2, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 206, "target": 207}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 206, "target": 208}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 206, "target": 236}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 206, "target": 252}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 206, "target": 253}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 206, "target": 254}, {"value": 16, "size": 16, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 206, "target": 255}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 206, "target": 256}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 206, "target": 257}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 206, "target": 262}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 206, "target": 271}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 206, "target": 273}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 206, "target": 276}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 206, "target": 322}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 206, "target": 350}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 207, "target": 208}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 207, "target": 210}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 207, "target": 252}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 207, "target": 253}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 207, "target": 255}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 207, "target": 257}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 207, "target": 271}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 207, "target": 350}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 208, "target": 209}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 208, "target": 210}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 208, "target": 211}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 208, "target": 212}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 208, "target": 255}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 208, "target": 267}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 209, "target": 210}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 209, "target": 211}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 209, "target": 212}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 209, "target": 267}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 210, "target": 211}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 210, "target": 212}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 210, "target": 213}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 210, "target": 267}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 211, "target": 212}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 211, "target": 213}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 211, "target": 215}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 211, "target": 267}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 212, "target": 213}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 212, "target": 215}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 212, "target": 217}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 212, "target": 267}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 213, "target": 215}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 213, "target": 217}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 213, "target": 218}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 214, "target": 215}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 214, "target": 216}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 214, "target": 217}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 214, "target": 218}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 214, "target": 221}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 214, "target": 236}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 214, "target": 238}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 214, "target": 249}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 214, "target": 263}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 214, "target": 273}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 214, "target": 326}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 214, "target": 334}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 214, "target": 347}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 214, "target": 348}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 214, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 214, "target": 355}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 215, "target": 217}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 215, "target": 218}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 215, "target": 221}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 215, "target": 236}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 215, "target": 238}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 216, "target": 217}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 216, "target": 218}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 216, "target": 221}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 2, "distance": 4.0, "strength": 0.92, "source": 216, "target": 236}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.0, "strength": 0.92, "source": 216, "target": 238}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.0, "strength": 0.92, "source": 216, "target": 249}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.0, "strength": 0.92, "source": 216, "target": 263}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.0, "strength": 0.92, "source": 216, "target": 265}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.0, "strength": 0.92, "source": 216, "target": 329}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": 2, "distance": 4.0, "strength": 0.92, "source": 216, "target": 347}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 4.0, "strength": 0.92, "source": 216, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.0, "strength": 0.92, "source": 216, "target": 352}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 2, "distance": 4.0, "strength": 0.92, "source": 216, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.0, "strength": 0.92, "source": 216, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.0, "strength": 0.92, "source": 216, "target": 360}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 217, "target": 218}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 217, "target": 220}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 217, "target": 221}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 217, "target": 236}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 217, "target": 238}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 217, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 217, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 218, "target": 219}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 218, "target": 220}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 218, "target": 221}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 218, "target": 223}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 218, "target": 228}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 218, "target": 236}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 218, "target": 238}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 218, "target": 249}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 218, "target": 263}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 218, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 218, "target": 347}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 218, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 218, "target": 355}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 219, "target": 220}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 219, "target": 221}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 219, "target": 223}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 219, "target": 340}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 220, "target": 221}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 220, "target": 222}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 220, "target": 223}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 220, "target": 224}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 220, "target": 236}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 220, "target": 306}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 220, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 220, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 221, "target": 222}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 221, "target": 223}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 221, "target": 224}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 221, "target": 236}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 221, "target": 238}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 221, "target": 306}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 221, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 221, "target": 352}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 222, "target": 223}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 222, "target": 224}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 222, "target": 228}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 222, "target": 304}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 222, "target": 306}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 223, "target": 224}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 223, "target": 228}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 223, "target": 304}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 223, "target": 306}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 223, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 224, "target": 226}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 224, "target": 227}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 224, "target": 228}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 224, "target": 231}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 224, "target": 304}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 224, "target": 306}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 224, "target": 312}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 225, "target": 226}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 225, "target": 227}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 225, "target": 228}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 225, "target": 231}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 225, "target": 270}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 225, "target": 312}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 225, "target": 334}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 2, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 226, "target": 227}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 2, "distance": 2.0, "strength": 0.96, "source": 226, "target": 228}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 226, "target": 231}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 226, "target": 249}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 226, "target": 252}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.0, "strength": 0.96, "source": 226, "target": 253}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 226, "target": 255}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 0, "distance": 2.272727272727273, "strength": 0.9545454545454546, "source": 226, "target": 262}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 2.0, "strength": 0.96, "source": 226, "target": 267}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 226, "target": 270}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 226, "target": 273}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 2.0, "strength": 0.96, "source": 226, "target": 274}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -3, "distance": 2.0, "strength": 0.96, "source": 226, "target": 275}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 2.0, "strength": 0.96, "source": 226, "target": 278}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 226, "target": 304}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.3478260869565215, "strength": 0.9130434782608696, "source": 226, "target": 306}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.0, "strength": 0.96, "source": 226, "target": 309}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 3, "distance": 2.0, "strength": 0.96, "source": 226, "target": 312}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.0, "strength": 0.96, "source": 226, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -3, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 226, "target": 322}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.0, "strength": 0.96, "source": 226, "target": 329}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.0, "strength": 0.96, "source": 226, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 2.0, "strength": 0.96, "source": 226, "target": 348}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.0, "strength": 0.96, "source": 226, "target": 351}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 2.0, "strength": 0.96, "source": 226, "target": 352}, {"value": 23, "size": 23, "kind": "intersection", "n_directional": -1, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 227, "target": 228}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 227, "target": 231}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 227, "target": 262}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 227, "target": 263}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 227, "target": 266}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 227, "target": 270}, {"value": 16, "size": 16, "kind": "intersection", "n_directional": 0, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 227, "target": 312}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 227, "target": 313}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 227, "target": 315}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -1, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 227, "target": 334}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 227, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 227, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 227, "target": 358}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 228, "target": 231}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 228, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.272727272727273, "strength": 0.9545454545454546, "source": 228, "target": 262}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 2, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 228, "target": 263}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 228, "target": 265}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 228, "target": 266}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 228, "target": 270}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 228, "target": 275}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 228, "target": 294}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 4.3478260869565215, "strength": 0.9130434782608696, "source": 228, "target": 306}, {"value": 27, "size": 27, "kind": "intersection", "n_directional": -2, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 228, "target": 312}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 228, "target": 313}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 228, "target": 315}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 228, "target": 322}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.5, "strength": 0.95, "source": 228, "target": 330}, {"value": 16, "size": 16, "kind": "intersection", "n_directional": 3, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 228, "target": 334}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 2, "distance": 2.380952380952381, "strength": 0.9523809523809523, "source": 228, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 228, "target": 348}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 228, "target": 352}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 228, "target": 358}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 228, "target": 365}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 229, "target": 230}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 229, "target": 231}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 229, "target": 234}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 229, "target": 252}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 229, "target": 253}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 229, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 229, "target": 271}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 229, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 229, "target": 309}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 230, "target": 231}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 230, "target": 233}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 230, "target": 234}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 230, "target": 249}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 230, "target": 252}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 230, "target": 253}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 230, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 230, "target": 256}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 230, "target": 271}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 230, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 230, "target": 309}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 230, "target": 312}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 230, "target": 313}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 230, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 231, "target": 233}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 231, "target": 234}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 231, "target": 249}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 231, "target": 252}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 231, "target": 253}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 231, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 231, "target": 256}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 231, "target": 267}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 231, "target": 270}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 231, "target": 271}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 231, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 231, "target": 309}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 231, "target": 312}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -3, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 231, "target": 313}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 231, "target": 315}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 231, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.166666666666666, "strength": 0.9166666666666667, "source": 231, "target": 358}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 232, "target": 233}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 232, "target": 234}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 232, "target": 249}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 232, "target": 252}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 232, "target": 253}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 232, "target": 254}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 232, "target": 275}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 233, "target": 234}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 233, "target": 238}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 233, "target": 249}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 233, "target": 252}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 233, "target": 253}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 233, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 233, "target": 271}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 233, "target": 275}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 234, "target": 236}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 234, "target": 238}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 234, "target": 249}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 234, "target": 252}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 0, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 234, "target": 253}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 234, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 234, "target": 256}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 234, "target": 263}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 234, "target": 271}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 234, "target": 274}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 234, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 234, "target": 309}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 234, "target": 312}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 234, "target": 313}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 234, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 234, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 235, "target": 236}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 235, "target": 238}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 235, "target": 241}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 235, "target": 242}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 235, "target": 263}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 235, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 235, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 235, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 235, "target": 360}, {"value": 22, "size": 22, "kind": "intersection", "n_directional": 2, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 236, "target": 238}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 236, "target": 241}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 236, "target": 242}, {"value": 16, "size": 16, "kind": "intersection", "n_directional": 1, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 236, "target": 249}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 236, "target": 252}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 236, "target": 254}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 236, "target": 255}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 236, "target": 262}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": -2, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 236, "target": 263}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 0, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 236, "target": 274}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 236, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 236, "target": 309}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 236, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 236, "target": 340}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 236, "target": 347}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 236, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 236, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 236, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 236, "target": 353}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -3, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 236, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 236, "target": 360}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 2.564102564102564, "strength": 0.9487179487179487, "source": 236, "target": 365}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 237, "target": 238}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 237, "target": 241}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 237, "target": 242}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 237, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 237, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 237, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 237, "target": 360}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 238, "target": 241}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 238, "target": 242}, {"value": 19, "size": 19, "kind": "intersection", "n_directional": 1, "distance": 2.3255813953488373, "strength": 0.9534883720930233, "source": 238, "target": 249}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 238, "target": 252}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.3255813953488373, "strength": 0.9534883720930233, "source": 238, "target": 253}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 2.3255813953488373, "strength": 0.9534883720930233, "source": 238, "target": 254}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.3255813953488373, "strength": 0.9534883720930233, "source": 238, "target": 262}, {"value": 16, "size": 16, "kind": "intersection", "n_directional": -4, "distance": 2.3255813953488373, "strength": 0.9534883720930233, "source": 238, "target": 263}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.3255813953488373, "strength": 0.9534883720930233, "source": 238, "target": 267}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.3255813953488373, "strength": 0.9534883720930233, "source": 238, "target": 270}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 1, "distance": 2.3255813953488373, "strength": 0.9534883720930233, "source": 238, "target": 274}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 3, "distance": 2.3255813953488373, "strength": 0.9534883720930233, "source": 238, "target": 275}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 2.3255813953488373, "strength": 0.9534883720930233, "source": 238, "target": 278}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 2.3255813953488373, "strength": 0.9534883720930233, "source": 238, "target": 309}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 2.3255813953488373, "strength": 0.9534883720930233, "source": 238, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.3255813953488373, "strength": 0.9534883720930233, "source": 238, "target": 348}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -2, "distance": 2.3255813953488373, "strength": 0.9534883720930233, "source": 238, "target": 350}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 2.3255813953488373, "strength": 0.9534883720930233, "source": 238, "target": 351}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": -3, "distance": 2.3255813953488373, "strength": 0.9534883720930233, "source": 238, "target": 355}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 2.3255813953488373, "strength": 0.9534883720930233, "source": 238, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.3255813953488373, "strength": 0.9534883720930233, "source": 238, "target": 364}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 2.3255813953488373, "strength": 0.9534883720930233, "source": 238, "target": 365}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 239, "target": 241}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 239, "target": 242}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 239, "target": 278}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 239, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 239, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 239, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 239, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 240, "target": 241}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 240, "target": 242}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 240, "target": 243}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 240, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 240, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 240, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 240, "target": 360}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 241, "target": 242}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 241, "target": 243}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 241, "target": 244}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 241, "target": 263}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 241, "target": 278}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 241, "target": 350}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 241, "target": 351}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 241, "target": 355}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 241, "target": 360}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 242, "target": 243}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 242, "target": 244}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 242, "target": 263}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 242, "target": 278}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 242, "target": 328}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.875, "source": 242, "target": 350}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.875, "source": 242, "target": 351}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 242, "target": 355}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.875, "source": 242, "target": 360}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 243, "target": 244}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 243, "target": 268}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 243, "target": 328}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 243, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 243, "target": 350}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 243, "target": 351}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 243, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 243, "target": 360}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 244, "target": 245}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 244, "target": 248}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 244, "target": 268}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 244, "target": 280}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 244, "target": 328}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 244, "target": 329}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 244, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 244, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 244, "target": 353}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 244, "target": 365}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 244, "target": 366}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 245, "target": 248}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 245, "target": 268}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 245, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 245, "target": 281}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 245, "target": 310}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 245, "target": 326}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 245, "target": 328}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 245, "target": 329}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 245, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 245, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 245, "target": 353}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 245, "target": 365}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 245, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 246, "target": 247}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 246, "target": 248}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 246, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 246, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 246, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 246, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 246, "target": 353}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 247, "target": 248}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 247, "target": 250}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 247, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 247, "target": 315}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 247, "target": 329}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 247, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 247, "target": 353}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 248, "target": 250}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 248, "target": 251}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 248, "target": 252}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 248, "target": 253}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 248, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 248, "target": 268}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 248, "target": 280}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 248, "target": 281}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 248, "target": 310}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 248, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 248, "target": 326}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 248, "target": 328}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 248, "target": 329}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 248, "target": 330}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 248, "target": 352}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 248, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 248, "target": 365}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9090909090909091, "source": 248, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 249, "target": 250}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 249, "target": 251}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 2, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 249, "target": 252}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 2, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 249, "target": 253}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 2, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 249, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 249, "target": 256}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.272727272727273, "strength": 0.9545454545454546, "source": 249, "target": 262}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -2, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 249, "target": 263}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 249, "target": 267}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 249, "target": 270}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 249, "target": 271}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -2, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 249, "target": 274}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": 3, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 249, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 249, "target": 276}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 249, "target": 309}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 249, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 249, "target": 348}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -4, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 249, "target": 355}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 249, "target": 364}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 249, "target": 365}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 250, "target": 251}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 250, "target": 252}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 250, "target": 253}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 250, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 250, "target": 255}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 250, "target": 256}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 250, "target": 280}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 250, "target": 329}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 250, "target": 352}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 250, "target": 353}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 251, "target": 252}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 251, "target": 253}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 251, "target": 254}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 251, "target": 255}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 251, "target": 256}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 251, "target": 273}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 251, "target": 275}, {"value": 26, "size": 26, "kind": "intersection", "n_directional": 2, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 252, "target": 253}, {"value": 23, "size": 23, "kind": "intersection", "n_directional": -1, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 252, "target": 254}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 1, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 252, "target": 255}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -2, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 252, "target": 256}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 252, "target": 257}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 252, "target": 271}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 252, "target": 273}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 1, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 252, "target": 275}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 252, "target": 276}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 252, "target": 304}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 252, "target": 309}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 252, "target": 312}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 252, "target": 313}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 252, "target": 322}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 252, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 252, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 252, "target": 350}, {"value": 28, "size": 28, "kind": "intersection", "n_directional": 2, "distance": 1.7543859649122806, "strength": 0.9649122807017544, "source": 253, "target": 254}, {"value": 15, "size": 15, "kind": "intersection", "n_directional": -2, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 253, "target": 255}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -2, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 253, "target": 256}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 253, "target": 257}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 2.272727272727273, "strength": 0.9545454545454546, "source": 253, "target": 262}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 1.7543859649122806, "strength": 0.9649122807017544, "source": 253, "target": 267}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 253, "target": 268}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 253, "target": 270}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 1, "distance": 1.8181818181818181, "strength": 0.9636363636363636, "source": 253, "target": 271}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": -1, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 253, "target": 273}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 1.7543859649122806, "strength": 0.9649122807017544, "source": 253, "target": 274}, {"value": 20, "size": 20, "kind": "intersection", "n_directional": 2, "distance": 1.7543859649122806, "strength": 0.9649122807017544, "source": 253, "target": 275}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 253, "target": 276}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 253, "target": 304}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 1.7543859649122806, "strength": 0.9649122807017544, "source": 253, "target": 309}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 253, "target": 310}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 1.7543859649122806, "strength": 0.9649122807017544, "source": 253, "target": 312}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 2, "distance": 1.7543859649122806, "strength": 0.9649122807017544, "source": 253, "target": 313}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -2, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 253, "target": 322}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 1.7543859649122806, "strength": 0.9649122807017544, "source": 253, "target": 334}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 1.9607843137254901, "strength": 0.9607843137254902, "source": 253, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 253, "target": 364}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 1.7543859649122806, "strength": 0.9649122807017544, "source": 253, "target": 365}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 254, "target": 255}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -2, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 254, "target": 256}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 254, "target": 257}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 2.272727272727273, "strength": 0.9545454545454546, "source": 254, "target": 262}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -2, "distance": 1.694915254237288, "strength": 0.9661016949152542, "source": 254, "target": 267}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 254, "target": 270}, {"value": 15, "size": 15, "kind": "intersection", "n_directional": 0, "distance": 1.8181818181818181, "strength": 0.9636363636363636, "source": 254, "target": 271}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -2, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 254, "target": 273}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 254, "target": 274}, {"value": 37, "size": 37, "kind": "intersection", "n_directional": 2, "distance": 1.5625, "strength": 0.96875, "source": 254, "target": 275}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 254, "target": 276}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 0, "distance": 1.5625, "strength": 0.96875, "source": 254, "target": 309}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 254, "target": 310}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 1, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 254, "target": 312}, {"value": 17, "size": 17, "kind": "intersection", "n_directional": -1, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 254, "target": 313}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 1.5625, "strength": 0.96875, "source": 254, "target": 315}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 254, "target": 322}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 1, "distance": 1.5625, "strength": 0.96875, "source": 254, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 1.5625, "strength": 0.96875, "source": 254, "target": 348}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 1.5625, "strength": 0.96875, "source": 254, "target": 358}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 254, "target": 364}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 1.5625, "strength": 0.96875, "source": 254, "target": 365}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 255, "target": 256}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 255, "target": 257}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 255, "target": 259}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 255, "target": 262}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 255, "target": 268}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 255, "target": 273}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 255, "target": 274}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 255, "target": 275}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 255, "target": 276}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 255, "target": 304}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 255, "target": 309}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 255, "target": 310}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 255, "target": 313}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 255, "target": 322}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -2, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 255, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.7777777777777777, "strength": 0.9444444444444444, "source": 255, "target": 355}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 256, "target": 257}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 256, "target": 259}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 256, "target": 262}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 256, "target": 271}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 256, "target": 273}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 256, "target": 275}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 256, "target": 350}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 257, "target": 259}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 257, "target": 262}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 257, "target": 350}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 257, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 258, "target": 259}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 258, "target": 261}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 258, "target": 278}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 258, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 258, "target": 355}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 259, "target": 261}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 259, "target": 278}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 259, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 259, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 260, "target": 261}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 260, "target": 278}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 260, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 260, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 260, "target": 355}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 261, "target": 278}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 261, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 261, "target": 350}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 261, "target": 351}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 261, "target": 355}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 2.272727272727273, "strength": 0.9545454545454546, "source": 262, "target": 263}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 262, "target": 265}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 2.272727272727273, "strength": 0.9545454545454546, "source": 262, "target": 267}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 262, "target": 268}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 0, "distance": 2.272727272727273, "strength": 0.9545454545454546, "source": 262, "target": 273}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 2.272727272727273, "strength": 0.9545454545454546, "source": 262, "target": 274}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 0, "distance": 2.272727272727273, "strength": 0.9545454545454546, "source": 262, "target": 275}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 2, "distance": 2.272727272727273, "strength": 0.9545454545454546, "source": 262, "target": 278}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 262, "target": 304}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 1, "distance": 2.272727272727273, "strength": 0.9545454545454546, "source": 262, "target": 309}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 2.272727272727273, "strength": 0.9545454545454546, "source": 262, "target": 310}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.272727272727273, "strength": 0.9545454545454546, "source": 262, "target": 315}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -2, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 262, "target": 322}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 2.272727272727273, "strength": 0.9545454545454546, "source": 262, "target": 334}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.272727272727273, "strength": 0.9545454545454546, "source": 262, "target": 348}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 2.272727272727273, "strength": 0.9545454545454546, "source": 262, "target": 350}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 2.272727272727273, "strength": 0.9545454545454546, "source": 262, "target": 351}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 2.272727272727273, "strength": 0.9545454545454546, "source": 262, "target": 365}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 263, "target": 265}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 263, "target": 266}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 263, "target": 267}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 263, "target": 268}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 3, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 263, "target": 274}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 263, "target": 278}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -3, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 263, "target": 312}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 263, "target": 313}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 263, "target": 315}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 263, "target": 322}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 263, "target": 328}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 263, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.5, "strength": 0.95, "source": 263, "target": 330}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 0, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 263, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 263, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 263, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 263, "target": 347}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 263, "target": 348}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -2, "distance": 1.9607843137254901, "strength": 0.9607843137254902, "source": 263, "target": 350}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 263, "target": 351}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 263, "target": 353}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -2, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 263, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 263, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 263, "target": 360}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 263, "target": 364}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 263, "target": 365}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 1.8518518518518516, "strength": 0.962962962962963, "source": 263, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 264, "target": 265}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 264, "target": 267}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 264, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 264, "target": 278}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 264, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 264, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 264, "target": 364}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 265, "target": 267}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 265, "target": 270}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 265, "target": 275}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 265, "target": 278}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 265, "target": 294}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 265, "target": 304}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 265, "target": 348}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 265, "target": 351}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 265, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 265, "target": 353}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 265, "target": 364}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 266, "target": 267}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 266, "target": 275}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 5.0, "strength": 0.9, "source": 266, "target": 312}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 266, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 266, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 266, "target": 352}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 266, "target": 364}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 266, "target": 365}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 266, "target": 366}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 267, "target": 270}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 1.8181818181818181, "strength": 0.9636363636363636, "source": 267, "target": 271}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -2, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 267, "target": 273}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -3, "distance": 1.694915254237288, "strength": 0.9661016949152542, "source": 267, "target": 274}, {"value": 35, "size": 35, "kind": "intersection", "n_directional": 1, "distance": 1.694915254237288, "strength": 0.9661016949152542, "source": 267, "target": 275}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 1.694915254237288, "strength": 0.9661016949152542, "source": 267, "target": 278}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 267, "target": 294}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 1.694915254237288, "strength": 0.9661016949152542, "source": 267, "target": 309}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 2, "distance": 1.694915254237288, "strength": 0.9661016949152542, "source": 267, "target": 312}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 3, "distance": 1.694915254237288, "strength": 0.9661016949152542, "source": 267, "target": 313}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 1.694915254237288, "strength": 0.9661016949152542, "source": 267, "target": 334}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 267, "target": 336}, {"value": 15, "size": 15, "kind": "intersection", "n_directional": 2, "distance": 1.694915254237288, "strength": 0.9661016949152542, "source": 267, "target": 348}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 1.694915254237288, "strength": 0.9661016949152542, "source": 267, "target": 351}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 1.694915254237288, "strength": 0.9661016949152542, "source": 267, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 1.694915254237288, "strength": 0.9661016949152542, "source": 267, "target": 353}, {"value": 17, "size": 17, "kind": "intersection", "n_directional": -3, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 267, "target": 364}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 1.694915254237288, "strength": 0.9661016949152542, "source": 267, "target": 365}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 1.694915254237288, "strength": 0.9661016949152542, "source": 267, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 268, "target": 269}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 268, "target": 272}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 268, "target": 274}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 268, "target": 276}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 268, "target": 278}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 268, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 268, "target": 304}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 268, "target": 309}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 268, "target": 313}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 268, "target": 322}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 268, "target": 328}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 268, "target": 329}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -2, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 268, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 268, "target": 334}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 268, "target": 348}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 268, "target": 353}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 268, "target": 364}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 268, "target": 365}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 268, "target": 366}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 269, "target": 272}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 269, "target": 274}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 269, "target": 309}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 269, "target": 328}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 269, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 269, "target": 334}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 269, "target": 364}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 269, "target": 365}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 269, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 270, "target": 271}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 270, "target": 272}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 270, "target": 273}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 270, "target": 274}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 2, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 270, "target": 275}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 270, "target": 278}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 270, "target": 294}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 270, "target": 296}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 270, "target": 304}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 270, "target": 309}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 270, "target": 310}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 270, "target": 312}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 270, "target": 313}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 270, "target": 334}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 270, "target": 348}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 270, "target": 364}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 270, "target": 365}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 270, "target": 366}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 271, "target": 272}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 271, "target": 273}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": 0, "distance": 1.8181818181818181, "strength": 0.9636363636363636, "source": 271, "target": 274}, {"value": 16, "size": 16, "kind": "intersection", "n_directional": -1, "distance": 1.8181818181818181, "strength": 0.9636363636363636, "source": 271, "target": 275}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 1, "distance": 1.8181818181818181, "strength": 0.9636363636363636, "source": 271, "target": 309}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 271, "target": 310}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 1.8181818181818181, "strength": 0.9636363636363636, "source": 271, "target": 312}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 1.8181818181818181, "strength": 0.9636363636363636, "source": 271, "target": 313}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 1.8181818181818181, "strength": 0.9636363636363636, "source": 271, "target": 329}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 1.8181818181818181, "strength": 0.9636363636363636, "source": 271, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 1.8181818181818181, "strength": 0.9636363636363636, "source": 271, "target": 352}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 1.8181818181818181, "strength": 0.9636363636363636, "source": 271, "target": 355}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 1.8181818181818181, "strength": 0.9636363636363636, "source": 271, "target": 364}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 1, "distance": 1.8181818181818181, "strength": 0.9636363636363636, "source": 271, "target": 365}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 1.8181818181818181, "strength": 0.9636363636363636, "source": 271, "target": 366}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 272, "target": 274}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 272, "target": 275}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 272, "target": 309}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 272, "target": 310}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 272, "target": 328}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 272, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 272, "target": 334}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 272, "target": 364}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 272, "target": 365}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 272, "target": 366}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 273, "target": 274}, {"value": 15, "size": 15, "kind": "intersection", "n_directional": 1, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 273, "target": 275}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 273, "target": 276}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 273, "target": 278}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 273, "target": 304}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": 2, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 273, "target": 309}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 273, "target": 310}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 273, "target": 313}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -3, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 273, "target": 322}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.125, "strength": 0.9375, "source": 273, "target": 326}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 273, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 273, "target": 347}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 273, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 273, "target": 364}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 2.2222222222222223, "strength": 0.9555555555555556, "source": 273, "target": 365}, {"value": 20, "size": 20, "kind": "intersection", "n_directional": 0, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 274, "target": 275}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 274, "target": 276}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 274, "target": 278}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 274, "target": 304}, {"value": 19, "size": 19, "kind": "intersection", "n_directional": 3, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 274, "target": 309}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 274, "target": 310}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 274, "target": 313}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 274, "target": 322}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 274, "target": 328}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 274, "target": 329}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 274, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 274, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 274, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 1.7241379310344827, "strength": 0.9655172413793104, "source": 274, "target": 347}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 1.9607843137254901, "strength": 0.9607843137254902, "source": 274, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 274, "target": 351}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -4, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 274, "target": 355}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 4, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 274, "target": 364}, {"value": 27, "size": 27, "kind": "intersection", "n_directional": -2, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 274, "target": 365}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 1.6666666666666667, "strength": 0.9666666666666667, "source": 274, "target": 366}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -3, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 275, "target": 276}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 275, "target": 278}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.4390243902439024, "strength": 0.9512195121951219, "source": 275, "target": 280}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 275, "target": 294}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 275, "target": 296}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 275, "target": 304}, {"value": 32, "size": 32, "kind": "intersection", "n_directional": -2, "distance": 1.36986301369863, "strength": 0.9726027397260274, "source": 275, "target": 309}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 0, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 275, "target": 310}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 1, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 275, "target": 312}, {"value": 24, "size": 24, "kind": "intersection", "n_directional": -2, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 275, "target": 313}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 3, "distance": 1.3157894736842104, "strength": 0.9736842105263158, "source": 275, "target": 315}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -3, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 275, "target": 322}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 1.1904761904761905, "strength": 0.9761904761904762, "source": 275, "target": 329}, {"value": 15, "size": 15, "kind": "intersection", "n_directional": 0, "distance": 1.0752688172043012, "strength": 0.978494623655914, "source": 275, "target": 334}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 275, "target": 336}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 1.7241379310344827, "strength": 0.9655172413793104, "source": 275, "target": 347}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 0, "distance": 1.0752688172043012, "strength": 0.978494623655914, "source": 275, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 1.4285714285714286, "strength": 0.9714285714285714, "source": 275, "target": 351}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 3, "distance": 1.5151515151515151, "strength": 0.9696969696969697, "source": 275, "target": 358}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": -2, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 275, "target": 364}, {"value": 17, "size": 17, "kind": "intersection", "n_directional": -1, "distance": 1.3888888888888888, "strength": 0.9722222222222222, "source": 275, "target": 365}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 1.6666666666666667, "strength": 0.9666666666666667, "source": 275, "target": 366}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 276, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 276, "target": 304}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 1, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 276, "target": 309}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 276, "target": 310}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 276, "target": 312}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 1, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 276, "target": 313}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 276, "target": 315}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -2, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 276, "target": 322}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 276, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 276, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 276, "target": 358}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 3.4482758620689653, "strength": 0.9310344827586207, "source": 276, "target": 365}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 277, "target": 278}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 277, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 277, "target": 281}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 277, "target": 309}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 277, "target": 310}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 277, "target": 313}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 277, "target": 315}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 277, "target": 329}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 277, "target": 353}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 2.4390243902439024, "strength": 0.9512195121951219, "source": 278, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.8461538461538463, "strength": 0.9230769230769231, "source": 278, "target": 281}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 2, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 278, "target": 309}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 3, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 278, "target": 310}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 278, "target": 313}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 278, "target": 315}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 278, "target": 328}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 2, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 278, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.5, "strength": 0.95, "source": 278, "target": 330}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 278, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 1.7241379310344827, "strength": 0.9655172413793104, "source": 278, "target": 347}, {"value": 16, "size": 16, "kind": "intersection", "n_directional": 0, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 278, "target": 348}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 2, "distance": 1.9607843137254901, "strength": 0.9607843137254902, "source": 278, "target": 350}, {"value": 17, "size": 17, "kind": "intersection", "n_directional": 2, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 278, "target": 351}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 278, "target": 352}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -2, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 278, "target": 353}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 3, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 278, "target": 355}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 278, "target": 358}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 1.639344262295082, "strength": 0.9672131147540983, "source": 278, "target": 360}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 278, "target": 364}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 3, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 278, "target": 365}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 1.6666666666666667, "strength": 0.9666666666666667, "source": 278, "target": 366}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 279, "target": 280}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 279, "target": 281}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 279, "target": 309}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 279, "target": 310}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 279, "target": 329}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 279, "target": 353}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": -1, "distance": 3.8461538461538463, "strength": 0.9230769230769231, "source": 280, "target": 281}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 280, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 280, "target": 283}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 2, "distance": 2.4390243902439024, "strength": 0.9512195121951219, "source": 280, "target": 309}, {"value": 15, "size": 15, "kind": "intersection", "n_directional": 1, "distance": 2.4390243902439024, "strength": 0.9512195121951219, "source": 280, "target": 310}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 2.4390243902439024, "strength": 0.9512195121951219, "source": 280, "target": 313}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 2.4390243902439024, "strength": 0.9512195121951219, "source": 280, "target": 315}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 3.125, "strength": 0.9375, "source": 280, "target": 326}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 280, "target": 328}, {"value": 21, "size": 21, "kind": "intersection", "n_directional": 1, "distance": 2.4390243902439024, "strength": 0.9512195121951219, "source": 280, "target": 329}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 2.5, "strength": 0.95, "source": 280, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.4390243902439024, "strength": 0.9512195121951219, "source": 280, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 280, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.4390243902439024, "strength": 0.9512195121951219, "source": 280, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.4390243902439024, "strength": 0.9512195121951219, "source": 280, "target": 347}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.4390243902439024, "strength": 0.9512195121951219, "source": 280, "target": 348}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -2, "distance": 2.4390243902439024, "strength": 0.9512195121951219, "source": 280, "target": 352}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 0, "distance": 2.4390243902439024, "strength": 0.9512195121951219, "source": 280, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.4390243902439024, "strength": 0.9512195121951219, "source": 280, "target": 358}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 2.4390243902439024, "strength": 0.9512195121951219, "source": 280, "target": 365}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.4390243902439024, "strength": 0.9512195121951219, "source": 280, "target": 366}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 281, "target": 282}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 281, "target": 283}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 281, "target": 284}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 3.8461538461538463, "strength": 0.9230769230769231, "source": 281, "target": 309}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 3.8461538461538463, "strength": 0.9230769230769231, "source": 281, "target": 310}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.8461538461538463, "strength": 0.9230769230769231, "source": 281, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.8461538461538463, "strength": 0.9230769230769231, "source": 281, "target": 326}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.8461538461538463, "strength": 0.9230769230769231, "source": 281, "target": 328}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 2, "distance": 3.8461538461538463, "strength": 0.9230769230769231, "source": 281, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.8461538461538463, "strength": 0.9230769230769231, "source": 281, "target": 330}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 3.8461538461538463, "strength": 0.9230769230769231, "source": 281, "target": 334}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 3.8461538461538463, "strength": 0.9230769230769231, "source": 281, "target": 335}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 3.8461538461538463, "strength": 0.9230769230769231, "source": 281, "target": 336}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 3.8461538461538463, "strength": 0.9230769230769231, "source": 281, "target": 352}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 2, "distance": 3.8461538461538463, "strength": 0.9230769230769231, "source": 281, "target": 353}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 282, "target": 283}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 282, "target": 284}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 282, "target": 310}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 282, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 282, "target": 353}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 283, "target": 284}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.6, "source": 283, "target": 287}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 284, "target": 286}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 284, "target": 287}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 284, "target": 288}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 284, "target": 291}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 284, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 285, "target": 286}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 285, "target": 287}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 285, "target": 288}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 285, "target": 291}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 285, "target": 292}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 285, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 285, "target": 360}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 286, "target": 287}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 286, "target": 288}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 286, "target": 291}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 286, "target": 292}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 286, "target": 358}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 286, "target": 360}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 287, "target": 288}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 287, "target": 291}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 287, "target": 292}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 287, "target": 293}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 287, "target": 358}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 287, "target": 360}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 288, "target": 290}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 288, "target": 291}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 288, "target": 292}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 288, "target": 293}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 288, "target": 295}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 288, "target": 358}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 288, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 289, "target": 290}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 289, "target": 291}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 289, "target": 292}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 289, "target": 293}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 289, "target": 295}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 290, "target": 291}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 290, "target": 292}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 290, "target": 293}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 290, "target": 295}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 291, "target": 292}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 291, "target": 293}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 291, "target": 295}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 291, "target": 358}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 291, "target": 360}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 292, "target": 293}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 292, "target": 295}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 292, "target": 299}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 292, "target": 358}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 292, "target": 360}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 293, "target": 295}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 293, "target": 299}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 293, "target": 301}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 293, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 294, "target": 295}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 294, "target": 296}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 294, "target": 299}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 294, "target": 301}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 294, "target": 303}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.9, "source": 294, "target": 364}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 295, "target": 296}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 295, "target": 299}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 295, "target": 301}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 295, "target": 303}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 296, "target": 298}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 296, "target": 299}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 296, "target": 300}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 296, "target": 301}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 296, "target": 303}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 297, "target": 298}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 297, "target": 299}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 297, "target": 300}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 297, "target": 301}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 297, "target": 303}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 297, "target": 305}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 298, "target": 299}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 2, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 298, "target": 300}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 298, "target": 301}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 298, "target": 303}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 298, "target": 305}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 299, "target": 300}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 299, "target": 301}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 299, "target": 303}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 299, "target": 305}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 300, "target": 301}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 300, "target": 303}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 300, "target": 305}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 300, "target": 306}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 301, "target": 303}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 301, "target": 305}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 301, "target": 306}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 302, "target": 303}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 302, "target": 304}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 302, "target": 305}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 302, "target": 306}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 302, "target": 314}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 303, "target": 304}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 303, "target": 305}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 303, "target": 306}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 303, "target": 314}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 304, "target": 305}, {"value": 15, "size": 15, "kind": "intersection", "n_directional": 2, "distance": 4.3478260869565215, "strength": 0.9130434782608696, "source": 304, "target": 306}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 304, "target": 309}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 304, "target": 314}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 304, "target": 322}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 304, "target": 365}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 305, "target": 306}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 305, "target": 314}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 306, "target": 314}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 4.3478260869565215, "strength": 0.9130434782608696, "source": 306, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.3478260869565215, "strength": 0.9130434782608696, "source": 306, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.3478260869565215, "strength": 0.9130434782608696, "source": 306, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 307, "target": 311}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 307, "target": 314}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 307, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 307, "target": 316}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 307, "target": 329}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 307, "target": 336}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 307, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 307, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 308, "target": 309}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 308, "target": 310}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 308, "target": 311}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 308, "target": 312}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 308, "target": 313}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 308, "target": 314}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 308, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 308, "target": 316}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 308, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 308, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 308, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 308, "target": 358}, {"value": 27, "size": 27, "kind": "intersection", "n_directional": -2, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 309, "target": 310}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 309, "target": 311}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 309, "target": 312}, {"value": 15, "size": 15, "kind": "intersection", "n_directional": 3, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 309, "target": 313}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 309, "target": 314}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 1.36986301369863, "strength": 0.9726027397260274, "source": 309, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 309, "target": 316}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -4, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 309, "target": 322}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 309, "target": 328}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -2, "distance": 1.36986301369863, "strength": 0.9726027397260274, "source": 309, "target": 329}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 1.36986301369863, "strength": 0.9726027397260274, "source": 309, "target": 334}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 1.36986301369863, "strength": 0.9726027397260274, "source": 309, "target": 348}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 1.9607843137254901, "strength": 0.9607843137254902, "source": 309, "target": 350}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 1.4285714285714286, "strength": 0.9714285714285714, "source": 309, "target": 351}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 1.36986301369863, "strength": 0.9726027397260274, "source": 309, "target": 352}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 1.36986301369863, "strength": 0.9726027397260274, "source": 309, "target": 353}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 1.5151515151515151, "strength": 0.9696969696969697, "source": 309, "target": 358}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 309, "target": 364}, {"value": 22, "size": 22, "kind": "intersection", "n_directional": 0, "distance": 1.3888888888888888, "strength": 0.9722222222222222, "source": 309, "target": 365}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 0, "distance": 1.6666666666666667, "strength": 0.9666666666666667, "source": 309, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 310, "target": 311}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 310, "target": 312}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 2, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 310, "target": 313}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 310, "target": 314}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 0, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 310, "target": 315}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 310, "target": 316}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 310, "target": 322}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.125, "strength": 0.9375, "source": 310, "target": 326}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 310, "target": 328}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 0, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 310, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.5, "strength": 0.95, "source": 310, "target": 330}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 310, "target": 334}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 310, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 310, "target": 351}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 310, "target": 352}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 0, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 310, "target": 353}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 310, "target": 358}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 310, "target": 364}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 1, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 310, "target": 365}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 2.1739130434782608, "strength": 0.9565217391304348, "source": 310, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 311, "target": 312}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 311, "target": 313}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 311, "target": 314}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 311, "target": 315}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 311, "target": 316}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 311, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 311, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 311, "target": 336}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 311, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 311, "target": 358}, {"value": 20, "size": 20, "kind": "intersection", "n_directional": -2, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 312, "target": 313}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 312, "target": 314}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 0, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 312, "target": 315}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 312, "target": 316}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 312, "target": 329}, {"value": 32, "size": 32, "kind": "intersection", "n_directional": 4, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 312, "target": 334}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 312, "target": 335}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 312, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 2.380952380952381, "strength": 0.9523809523809523, "source": 312, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 312, "target": 348}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 312, "target": 352}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 0, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 312, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 1.639344262295082, "strength": 0.9672131147540983, "source": 312, "target": 360}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 312, "target": 365}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 1.6666666666666667, "strength": 0.9666666666666667, "source": 312, "target": 366}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 313, "target": 314}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 1, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 313, "target": 315}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 313, "target": 316}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -2, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 313, "target": 322}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 313, "target": 329}, {"value": 20, "size": 20, "kind": "intersection", "n_directional": 2, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 313, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 313, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 313, "target": 336}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 1.7241379310344827, "strength": 0.9655172413793104, "source": 313, "target": 347}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 313, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 313, "target": 353}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 2, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 313, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 1.639344262295082, "strength": 0.9672131147540983, "source": 313, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 313, "target": 364}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 1.6129032258064515, "strength": 0.967741935483871, "source": 313, "target": 365}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 314, "target": 315}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 314, "target": 316}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 314, "target": 329}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 314, "target": 334}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 314, "target": 336}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 314, "target": 352}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 314, "target": 358}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 315, "target": 316}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 315, "target": 317}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 315, "target": 320}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 1, "distance": 1.3157894736842104, "strength": 0.9736842105263158, "source": 315, "target": 329}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 1, "distance": 1.3157894736842104, "strength": 0.9736842105263158, "source": 315, "target": 334}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 315, "target": 335}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 1, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 315, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 1.7241379310344827, "strength": 0.9655172413793104, "source": 315, "target": 347}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 1.3157894736842104, "strength": 0.9736842105263158, "source": 315, "target": 348}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 1.9607843137254901, "strength": 0.9607843137254902, "source": 315, "target": 350}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 1.4285714285714286, "strength": 0.9714285714285714, "source": 315, "target": 351}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 0, "distance": 1.3157894736842104, "strength": 0.9736842105263158, "source": 315, "target": 352}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 2, "distance": 1.3157894736842104, "strength": 0.9736842105263158, "source": 315, "target": 353}, {"value": 19, "size": 19, "kind": "intersection", "n_directional": -2, "distance": 1.5151515151515151, "strength": 0.9696969696969697, "source": 315, "target": 358}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 1.639344262295082, "strength": 0.9672131147540983, "source": 315, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 1.3888888888888888, "strength": 0.9722222222222222, "source": 315, "target": 365}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 1.6666666666666667, "strength": 0.9666666666666667, "source": 315, "target": 366}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 316, "target": 317}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 316, "target": 320}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.875, "source": 316, "target": 329}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.875, "source": 316, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 316, "target": 336}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 316, "target": 352}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 6.25, "strength": 0.875, "source": 316, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 317, "target": 319}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 317, "target": 320}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 317, "target": 323}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 317, "target": 327}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 317, "target": 340}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 317, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 318, "target": 319}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 318, "target": 320}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 318, "target": 323}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 318, "target": 324}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 318, "target": 327}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.6666666666666667, "source": 318, "target": 340}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 319, "target": 320}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 319, "target": 321}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 319, "target": 323}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 319, "target": 324}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 319, "target": 327}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 319, "target": 330}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.7777777777777778, "source": 319, "target": 340}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 320, "target": 321}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 320, "target": 323}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 320, "target": 324}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 320, "target": 327}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 320, "target": 330}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 320, "target": 340}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 321, "target": 323}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 321, "target": 324}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 321, "target": 327}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 321, "target": 330}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 321, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 322, "target": 323}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 322, "target": 324}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 322, "target": 327}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 322, "target": 330}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 322, "target": 334}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 322, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 322, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.857142857142857, "strength": 0.9428571428571428, "source": 322, "target": 365}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 323, "target": 324}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 323, "target": 327}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 323, "target": 330}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 323, "target": 340}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 324, "target": 327}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 324, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 324, "target": 331}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 324, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 325, "target": 326}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 325, "target": 327}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 325, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 325, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 325, "target": 331}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 325, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.7142857142857143, "source": 325, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 326, "target": 327}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 326, "target": 328}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 0, "distance": 3.125, "strength": 0.9375, "source": 326, "target": 329}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 3.125, "strength": 0.9375, "source": 326, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 326, "target": 331}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.125, "strength": 0.9375, "source": 326, "target": 334}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 3.125, "strength": 0.9375, "source": 326, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.125, "strength": 0.9375, "source": 326, "target": 347}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 3.125, "strength": 0.9375, "source": 326, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.125, "strength": 0.9375, "source": 326, "target": 352}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 0, "distance": 3.125, "strength": 0.9375, "source": 326, "target": 353}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 3.125, "strength": 0.9375, "source": 326, "target": 365}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 2, "distance": 3.125, "strength": 0.9375, "source": 326, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 327, "target": 329}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 327, "target": 330}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 327, "target": 331}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 327, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.8666666666666667, "source": 327, "target": 353}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -1, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 328, "target": 329}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 328, "target": 330}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 328, "target": 331}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 328, "target": 332}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 328, "target": 334}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 328, "target": 340}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 328, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 328, "target": 352}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -2, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 328, "target": 353}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 328, "target": 364}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 328, "target": 365}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 3.225806451612903, "strength": 0.935483870967742, "source": 328, "target": 366}, {"value": 15, "size": 15, "kind": "intersection", "n_directional": -2, "distance": 2.5, "strength": 0.95, "source": 329, "target": 330}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 329, "target": 331}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 329, "target": 332}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 329, "target": 333}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 1.1904761904761905, "strength": 0.9761904761904762, "source": 329, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 329, "target": 336}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 2.380952380952381, "strength": 0.9523809523809523, "source": 329, "target": 340}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 1.7241379310344827, "strength": 0.9655172413793104, "source": 329, "target": 347}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 1.1904761904761905, "strength": 0.9761904761904762, "source": 329, "target": 348}, {"value": 17, "size": 17, "kind": "intersection", "n_directional": 1, "distance": 1.1904761904761905, "strength": 0.9761904761904762, "source": 329, "target": 352}, {"value": 29, "size": 29, "kind": "intersection", "n_directional": -3, "distance": 1.1904761904761905, "strength": 0.9761904761904762, "source": 329, "target": 353}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 1.5151515151515151, "strength": 0.9696969696969697, "source": 329, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 1.639344262295082, "strength": 0.9672131147540983, "source": 329, "target": 360}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 329, "target": 364}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 0, "distance": 1.3888888888888888, "strength": 0.9722222222222222, "source": 329, "target": 365}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 1, "distance": 1.6666666666666667, "strength": 0.9666666666666667, "source": 329, "target": 366}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 330, "target": 331}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 330, "target": 332}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 330, "target": 333}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 1, "distance": 2.5, "strength": 0.95, "source": 330, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.5, "strength": 0.95, "source": 330, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 2.5, "strength": 0.95, "source": 330, "target": 352}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -2, "distance": 2.5, "strength": 0.95, "source": 330, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.5, "strength": 0.95, "source": 330, "target": 364}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 2.5, "strength": 0.95, "source": 330, "target": 365}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 2, "distance": 2.5, "strength": 0.95, "source": 330, "target": 366}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 331, "target": 332}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 331, "target": 333}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 331, "target": 335}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 331, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 331, "target": 353}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 332, "target": 333}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 332, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 332, "target": 336}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 332, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 333, "target": 334}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 333, "target": 335}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 333, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 333, "target": 338}, {"value": 15, "size": 15, "kind": "intersection", "n_directional": 0, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 334, "target": 335}, {"value": 16, "size": 16, "kind": "intersection", "n_directional": 2, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 334, "target": 336}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 334, "target": 338}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 334, "target": 342}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -3, "distance": 1.7241379310344827, "strength": 0.9655172413793104, "source": 334, "target": 347}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 1.0416666666666665, "strength": 0.9791666666666666, "source": 334, "target": 348}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -1, "distance": 1.0204081632653061, "strength": 0.9795918367346939, "source": 334, "target": 352}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 1.1235955056179776, "strength": 0.9775280898876404, "source": 334, "target": 353}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 1.4925373134328357, "strength": 0.9701492537313433, "source": 334, "target": 355}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 0, "distance": 1.5151515151515151, "strength": 0.9696969696969697, "source": 334, "target": 358}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 1.639344262295082, "strength": 0.9672131147540983, "source": 334, "target": 360}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 334, "target": 364}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 1.3888888888888888, "strength": 0.9722222222222222, "source": 334, "target": 365}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 0, "distance": 1.6666666666666667, "strength": 0.9666666666666667, "source": 334, "target": 366}, {"value": 21, "size": 21, "kind": "intersection", "n_directional": 1, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 335, "target": 336}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 335, "target": 338}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 335, "target": 342}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 335, "target": 347}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 335, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 335, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 335, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 335, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 335, "target": 364}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 335, "target": 365}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 2.631578947368421, "strength": 0.9473684210526316, "source": 335, "target": 366}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 336, "target": 337}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 336, "target": 338}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 336, "target": 342}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 336, "target": 343}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 336, "target": 344}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -2, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 336, "target": 347}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 336, "target": 348}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 336, "target": 351}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 0, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 336, "target": 352}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 336, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 336, "target": 355}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 336, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 336, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 336, "target": 364}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 336, "target": 365}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 336, "target": 366}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 337, "target": 338}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 337, "target": 341}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 337, "target": 342}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.75, "source": 337, "target": 343}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 337, "target": 344}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 337, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 337, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 338, "target": 341}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 338, "target": 342}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 338, "target": 343}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 338, "target": 344}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 338, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 338, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 338, "target": 355}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 339, "target": 340}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 339, "target": 341}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 339, "target": 342}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 339, "target": 343}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 339, "target": 344}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 340, "target": 341}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 340, "target": 342}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 340, "target": 343}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 340, "target": 344}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 2.380952380952381, "strength": 0.9523809523809523, "source": 340, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 2.380952380952381, "strength": 0.9523809523809523, "source": 340, "target": 353}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 341, "target": 342}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 341, "target": 343}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 341, "target": 344}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.75, "source": 341, "target": 356}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 342, "target": 343}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 342, "target": 344}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 342, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 342, "target": 355}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 342, "target": 356}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 343, "target": 344}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 343, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 343, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 343, "target": 355}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 343, "target": 356}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.8461538461538461, "source": 343, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 344, "target": 346}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 344, "target": 347}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 344, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 344, "target": 351}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 344, "target": 352}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 344, "target": 353}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 344, "target": 355}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 344, "target": 356}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 344, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 345, "target": 346}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 345, "target": 347}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 345, "target": 348}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 345, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 345, "target": 353}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 345, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 345, "target": 356}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 345, "target": 359}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 345, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.8, "source": 345, "target": 361}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 346, "target": 347}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 346, "target": 348}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 346, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 346, "target": 353}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 346, "target": 355}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 346, "target": 356}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 346, "target": 359}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 346, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 346, "target": 361}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 1, "distance": 1.7241379310344827, "strength": 0.9655172413793104, "source": 347, "target": 348}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 1.7241379310344827, "strength": 0.9655172413793104, "source": 347, "target": 352}, {"value": 18, "size": 18, "kind": "intersection", "n_directional": 0, "distance": 1.7241379310344827, "strength": 0.9655172413793104, "source": 347, "target": 353}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 1.7241379310344827, "strength": 0.9655172413793104, "source": 347, "target": 355}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 347, "target": 356}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 347, "target": 359}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 1.7241379310344827, "strength": 0.9655172413793104, "source": 347, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 347, "target": 361}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 347, "target": 364}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 1.7241379310344827, "strength": 0.9655172413793104, "source": 347, "target": 365}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 1.7241379310344827, "strength": 0.9655172413793104, "source": 347, "target": 366}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 2, "distance": 1.4285714285714286, "strength": 0.9714285714285714, "source": 348, "target": 351}, {"value": 15, "size": 15, "kind": "intersection", "n_directional": 0, "distance": 1.0416666666666665, "strength": 0.9791666666666666, "source": 348, "target": 352}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 1, "distance": 1.1235955056179776, "strength": 0.9775280898876404, "source": 348, "target": 353}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 2, "distance": 1.4925373134328357, "strength": 0.9701492537313433, "source": 348, "target": 355}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 348, "target": 356}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 1.5151515151515151, "strength": 0.9696969696969697, "source": 348, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 348, "target": 359}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 1.639344262295082, "strength": 0.9672131147540983, "source": 348, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 348, "target": 361}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": -1, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 348, "target": 364}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 1.3888888888888888, "strength": 0.9722222222222222, "source": 348, "target": 365}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 1.6666666666666667, "strength": 0.9666666666666667, "source": 348, "target": 366}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 349, "target": 350}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 349, "target": 351}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 349, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 349, "target": 353}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 349, "target": 355}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 349, "target": 356}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 349, "target": 357}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 349, "target": 358}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 349, "target": 359}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 349, "target": 360}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 349, "target": 361}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.8333333333333334, "source": 349, "target": 362}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 0, "distance": 1.9607843137254901, "strength": 0.9607843137254902, "source": 350, "target": 351}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 1.9607843137254901, "strength": 0.9607843137254902, "source": 350, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 1.9607843137254901, "strength": 0.9607843137254902, "source": 350, "target": 353}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 4, "distance": 1.9607843137254901, "strength": 0.9607843137254902, "source": 350, "target": 355}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 350, "target": 356}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 350, "target": 357}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -3, "distance": 1.9607843137254901, "strength": 0.9607843137254902, "source": 350, "target": 358}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 350, "target": 359}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 1.9607843137254901, "strength": 0.9607843137254902, "source": 350, "target": 360}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 350, "target": 361}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 350, "target": 362}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 1.4285714285714286, "strength": 0.9714285714285714, "source": 351, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 1.4285714285714286, "strength": 0.9714285714285714, "source": 351, "target": 353}, {"value": 16, "size": 16, "kind": "intersection", "n_directional": 3, "distance": 1.4925373134328357, "strength": 0.9701492537313433, "source": 351, "target": 355}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 351, "target": 356}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 351, "target": 357}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 1.5151515151515151, "strength": 0.9696969696969697, "source": 351, "target": 358}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 351, "target": 359}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 1.639344262295082, "strength": 0.9672131147540983, "source": 351, "target": 360}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 351, "target": 361}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 351, "target": 362}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 351, "target": 364}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 1.6666666666666667, "strength": 0.9666666666666667, "source": 351, "target": 366}, {"value": 15, "size": 15, "kind": "intersection", "n_directional": 0, "distance": 1.1235955056179776, "strength": 0.9775280898876404, "source": 352, "target": 353}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 1.4925373134328357, "strength": 0.9701492537313433, "source": 352, "target": 355}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 352, "target": 356}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 352, "target": 357}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 1.5151515151515151, "strength": 0.9696969696969697, "source": 352, "target": 358}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 352, "target": 359}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 1.639344262295082, "strength": 0.9672131147540983, "source": 352, "target": 360}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 352, "target": 361}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 352, "target": 362}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 352, "target": 364}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 1.6666666666666667, "strength": 0.9666666666666667, "source": 352, "target": 366}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 1.4925373134328357, "strength": 0.9701492537313433, "source": 353, "target": 355}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 353, "target": 356}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 353, "target": 357}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -3, "distance": 1.5151515151515151, "strength": 0.9696969696969697, "source": 353, "target": 358}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 353, "target": 359}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 1.639344262295082, "strength": 0.9672131147540983, "source": 353, "target": 360}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 353, "target": 361}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 353, "target": 362}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 353, "target": 364}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 3, "distance": 1.3888888888888888, "strength": 0.9722222222222222, "source": 353, "target": 365}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 4, "distance": 1.6666666666666667, "strength": 0.9666666666666667, "source": 353, "target": 366}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 354, "target": 355}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 354, "target": 356}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 354, "target": 357}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 354, "target": 358}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 354, "target": 359}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 354, "target": 360}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 354, "target": 361}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.75, "source": 354, "target": 362}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 355, "target": 356}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 355, "target": 357}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -2, "distance": 1.5151515151515151, "strength": 0.9696969696969697, "source": 355, "target": 358}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 355, "target": 359}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -1, "distance": 1.639344262295082, "strength": 0.9672131147540983, "source": 355, "target": 360}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 355, "target": 361}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 355, "target": 362}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 1.4925373134328357, "strength": 0.9701492537313433, "source": 355, "target": 365}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 356, "target": 357}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 356, "target": 358}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 356, "target": 359}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 4.761904761904762, "strength": 0.9047619047619048, "source": 356, "target": 360}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 356, "target": 361}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 356, "target": 362}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 357, "target": 358}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 357, "target": 359}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 357, "target": 360}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 357, "target": 361}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.8571428571428572, "source": 357, "target": 362}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 357, "target": 368}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 358, "target": 359}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 1, "distance": 1.639344262295082, "strength": 0.9672131147540983, "source": 358, "target": 360}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.9, "source": 358, "target": 361}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 358, "target": 362}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 358, "target": 367}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 358, "target": 368}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 359, "target": 360}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.8947368421052632, "source": 359, "target": 361}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 359, "target": 362}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 359, "target": 367}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 359, "target": 368}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 360, "target": 361}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 360, "target": 362}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 1.6666666666666667, "strength": 0.9666666666666667, "source": 360, "target": 366}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 360, "target": 367}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 360, "target": 368}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 361, "target": 362}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.9, "source": 361, "target": 366}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 361, "target": 367}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 361, "target": 368}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 362, "target": 365}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.8823529411764706, "source": 362, "target": 366}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.8, "source": 362, "target": 367}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 362, "target": 368}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.6, "source": 363, "target": 364}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 363, "target": 365}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 363, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 363, "target": 367}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.6, "source": 363, "target": 368}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 0, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 364, "target": 365}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 1, "distance": 1.7857142857142856, "strength": 0.9642857142857143, "source": 364, "target": 366}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 364, "target": 367}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 364, "target": 368}, {"value": 23, "size": 23, "kind": "intersection", "n_directional": 2, "distance": 1.6666666666666667, "strength": 0.9666666666666667, "source": 365, "target": 366}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 365, "target": 367}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 365, "target": 368}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 366, "target": 367}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.8181818181818181, "source": 366, "target": 368}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.8, "source": 367, "target": 368}]}
\ No newline at end of file
diff --git a/examples/haxby_decoding/graphs/haxby_decoding_neumapper_dyneusr_7.json b/examples/haxby_decoding/graphs/haxby_decoding_neumapper_dyneusr_7.json
new file mode 100644
index 0000000..dff4dd4
--- /dev/null
+++ b/examples/haxby_decoding/graphs/haxby_decoding_neumapper_dyneusr_7.json
@@ -0,0 +1 @@
+{"directed": false, "multigraph": false, "graph": {"labels": {"data_id": ["Group 1 (0.0, 254.0)", "Group 2 (254.0, 508.0)", "Group 3 (508.0, 762.0)", "Group 4 (762.0, 1016.0)"], "uniform": [], "multiclass": [0.0, 1.0, 2.0, 3.0, 4.0]}, "groups": {"0": [0.0, 1.0], "1": [0.0, 1.0], "2": [0.0, 1.0], "3": [0.0, 1.0], "4": [0.0, 1.0], "data_id": [0.0, 254.0, 508.0, 762.0, 1016.0], "uniform": [0.0], "multiclass": [0.0, 1.0, 2.0, 3.0, 4.0]}, "color_by": "multiclass", "color": {"data_id": ["#3182bd", "#fd8d3c", "#a1d99b", "#dadaeb", "#d9d9d9"], "multiclass": ["#3182bd", "#fd8d3c", "#a1d99b", "#dadaeb", "#d9d9d9"]}}, "nodes": [{"id": 0, "name": 0, "tooltip": "0 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [1016], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 0, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 0}, "size": 1, "degree": 0}, {"id": 1, "name": 1, "tooltip": "1 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [1015], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 2, "name": 2, "tooltip": "2 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [1013], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 3, "name": 3, "tooltip": "3 (size: 6)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 6.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [1010, 1011, 1012, 1013, 1014, 1015], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 6.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 6.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 6.0}, {"label": 3.0, "group": 3.0, "value": 6.0, "row_count": 6.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 6.0}], "0": [{"group": 0, "row_count": 6, "value": 6}], "1": [{"group": 0, "row_count": 6, "value": 6}], "2": [{"group": 0, "row_count": 6, "value": 6}], "3": [{"group": 1, "row_count": 6, "value": 6}], "4": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 254, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 6, "row_count": 6, "value": 6}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 6}, "size": 6, "degree": 6}, {"id": 4, "name": 4, "tooltip": "4 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 10.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [1006, 1007, 1008, 1009, 1010, 1011, 1012, 1013, 1014, 1015], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 10.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 1, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 254, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 7, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 7}, "size": 10, "degree": 7}, {"id": 5, "name": 5, "tooltip": "5 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 8.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [1002, 1003, 1004, 1005, 1006, 1007, 1008, 1009], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 8.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 0, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 1, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 254, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 2, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 2}, "size": 8, "degree": 2}, {"id": 6, "name": 6, "tooltip": "6 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [996], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 7, "name": 7, "tooltip": "7 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [995], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 8, "name": 8, "tooltip": "8 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [990], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 9, "name": 9, "tooltip": "9 (size: 3)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 3.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [990, 991, 992], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 3.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 3.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 3.0}, {"label": 3.0, "group": 3.0, "value": 3.0, "row_count": 3.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 3.0}], "0": [{"group": 0, "row_count": 3, "value": 3}], "1": [{"group": 0, "row_count": 3, "value": 3}], "2": [{"group": 0, "row_count": 3, "value": 3}], "3": [{"group": 1, "row_count": 3, "value": 3}], "4": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 1016, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 4, "row_count": 3, "value": 3}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 3, "degree": 4}, {"id": 10, "name": 10, "tooltip": "10 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 8.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [990, 991, 992, 993, 994, 995, 996, 997], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 8.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 0, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 1, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 1016, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 9, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 9}, "size": 8, "degree": 9}, {"id": 11, "name": 11, "tooltip": "11 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [988], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 12, "name": 12, "tooltip": "12 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 4.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [988, 989, 990, 991], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 4.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 1, "row_count": 4, "value": 4}], "4": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1016, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 5, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 5}, "size": 4, "degree": 5}, {"id": 13, "name": 13, "tooltip": "13 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 2.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [984, 985], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 2.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 1, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1016, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 14, "name": 14, "tooltip": "14 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 5.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [982, 983, 984, 985, 986], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 5.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 1, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 1016, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 3, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 3}, "size": 5, "degree": 3}, {"id": 15, "name": 15, "tooltip": "15 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [978], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 16, "name": 16, "tooltip": "16 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 9.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [978, 979, 980, 981, 982, 983, 984, 985, 986], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 9.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 1, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 1016, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 5, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 5}, "size": 9, "degree": 5}, {"id": 17, "name": 17, "tooltip": "17 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 8.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [973, 974, 975, 976, 977, 978, 979, 980], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 8.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 0, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 1, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 1016, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 3, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 3}, "size": 8, "degree": 3}, {"id": 18, "name": 18, "tooltip": "18 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 9.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [968, 969, 970, 971, 972, 973, 974, 975, 976], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 9.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 1, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 1016, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 3, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 3}, "size": 9, "degree": 3}, {"id": 19, "name": 19, "tooltip": "19 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [965], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 20, "name": 20, "tooltip": "20 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 10.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [963, 964, 965, 966, 967, 968, 969, 970, 971, 972], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 10.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 1, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 1016, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 5, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 5}, "size": 10, "degree": 5}, {"id": 21, "name": 21, "tooltip": "21 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 10.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [959, 960, 961, 962, 963, 964, 965, 966, 967, 968], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 10.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 1, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 1016, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 6, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 6}, "size": 10, "degree": 6}, {"id": 22, "name": 22, "tooltip": "22 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [956], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 23, "name": 23, "tooltip": "23 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 4.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [955, 956, 957, 958], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 4.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 1, "row_count": 4, "value": 4}], "4": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1016, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 4, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 4, "degree": 4}, {"id": 24, "name": 24, "tooltip": "24 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 9.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [955, 956, 957, 958, 959, 960, 961, 962, 963], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 9.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 1, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 1016, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 6, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 6}, "size": 9, "degree": 6}, {"id": 25, "name": 25, "tooltip": "25 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 10.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [950, 951, 952, 953, 954, 955, 956, 957, 958, 959], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 10.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 1, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 1016, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 7, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 7}, "size": 10, "degree": 7}, {"id": 26, "name": 26, "tooltip": "26 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 4.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [947, 948, 949, 950], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 4.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 1, "row_count": 4, "value": 4}], "4": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1016, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 3, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 3}, "size": 4, "degree": 3}, {"id": 27, "name": 27, "tooltip": "27 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [944], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 28, "name": 28, "tooltip": "28 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 4.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [944, 945, 946, 947], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 4.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 1, "row_count": 4, "value": 4}], "4": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1016, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 5, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 5}, "size": 4, "degree": 5}, {"id": 29, "name": 29, "tooltip": "29 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 9.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [944, 945, 946, 947, 948, 949, 950, 951, 952], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 9.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 1, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 1016, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 6, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 6}, "size": 9, "degree": 6}, {"id": 30, "name": 30, "tooltip": "30 (size: 7)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 7.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [939, 940, 941, 942, 943, 944, 945], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 7.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 7.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 7.0}, {"label": 3.0, "group": 3.0, "value": 7.0, "row_count": 7.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 7.0}], "0": [{"group": 0, "row_count": 7, "value": 7}], "1": [{"group": 0, "row_count": 7, "value": 7}], "2": [{"group": 0, "row_count": 7, "value": 7}], "3": [{"group": 1, "row_count": 7, "value": 7}], "4": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 1016, "row_count": 7, "value": 7}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 7, "row_count": 7, "value": 7}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 7}, "size": 7, "degree": 7}, {"id": 31, "name": 31, "tooltip": "31 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 4.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [934, 935, 936, 937], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 4.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 1, "row_count": 4, "value": 4}], "4": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 1016, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 5, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 5}, "size": 4, "degree": 5}, {"id": 32, "name": 32, "tooltip": "32 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 9.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [931, 932, 933, 934, 935, 936, 937, 938, 939], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 9.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 1, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 1016, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 6, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 6}, "size": 9, "degree": 6}, {"id": 33, "name": 33, "tooltip": "33 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [927], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 34, "name": 34, "tooltip": "34 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 9.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [926, 927, 928, 929, 930, 931, 932, 933, 934], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 9.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 1, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 1016, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 7, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 7}, "size": 9, "degree": 7}, {"id": 35, "name": 35, "tooltip": "35 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [920], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 36, "name": 36, "tooltip": "36 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 8.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [918, 919, 920, 921, 922, 924, 925, 926], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 8.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 0, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 1, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 1016, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 5, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 5}, "size": 8, "degree": 5}, {"id": 37, "name": 37, "tooltip": "37 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 13.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [918, 919, 920, 921, 922, 923, 924, 925, 926, 927, 928, 929, 930], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 13.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 1, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 1016, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 7, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 7}, "size": 13, "degree": 7}, {"id": 38, "name": 38, "tooltip": "38 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 10.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [915, 916, 917, 918, 919, 920, 921, 922, 923, 924], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 10.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 1, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 1016, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 4, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 10, "degree": 4}, {"id": 39, "name": 39, "tooltip": "39 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 5.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [908, 909, 910, 911, 912], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 5.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 1, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 1016, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 4, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 5, "degree": 4}, {"id": 40, "name": 40, "tooltip": "40 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 11.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [908, 909, 910, 911, 912, 913, 914, 915, 916, 917, 918], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 11.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 0, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 1, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 1016, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 7, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 7}, "size": 11, "degree": 7}, {"id": 41, "name": 41, "tooltip": "41 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 10.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [904, 905, 906, 907, 908, 909, 910, 911, 912, 913], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 10.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 1, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 1016, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 4, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 10, "degree": 4}, {"id": 42, "name": 42, "tooltip": "42 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 9.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [900, 901, 902, 903, 904, 905, 906, 907, 908], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 9.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 1, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 1016, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 5, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 5}, "size": 9, "degree": 5}, {"id": 43, "name": 43, "tooltip": "43 (size: 10)
\n \n \n 0.00 | \n 4.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 6.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [893, 894, 895, 896, 897, 898, 899, 900, 901, 902], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 4.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 6.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 6}, {"group": 1, "row_count": 10, "value": 4}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 1, "row_count": 10, "value": 6}, {"group": 0, "row_count": 10, "value": 4}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 1016, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 5, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 5}, "size": 10, "degree": 5}, {"id": 44, "name": 44, "tooltip": "44 (size: 2)
\n \n \n 0.00 | \n 2.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [892, 893], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 2.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 1, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 1016, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 45, "name": 45, "tooltip": "45 (size: 6)
\n \n \n 0.00 | \n 6.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [890, 891, 892, 893, 894, 895], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 6.0, "row_count": 6.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 6.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 6.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 6.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 6.0}], "0": [{"group": 1, "row_count": 6, "value": 6}], "1": [{"group": 0, "row_count": 6, "value": 6}], "2": [{"group": 0, "row_count": 6, "value": 6}], "3": [{"group": 0, "row_count": 6, "value": 6}], "4": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 1016, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 4, "row_count": 6, "value": 6}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 6, "degree": 4}, {"id": 46, "name": 46, "tooltip": "46 (size: 1)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [889], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 1, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 47, "name": 47, "tooltip": "47 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [887], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 48, "name": 48, "tooltip": "48 (size: 3)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [887, 888, 889], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 3.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 3.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 3.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 3.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 3.0}], "0": [{"group": 0, "row_count": 3, "value": 2}, {"group": 1, "row_count": 3, "value": 1}], "1": [{"group": 0, "row_count": 3, "value": 3}], "2": [{"group": 0, "row_count": 3, "value": 3}], "3": [{"group": 0, "row_count": 3, "value": 3}], "4": [{"group": 1, "row_count": 3, "value": 2}, {"group": 0, "row_count": 3, "value": 1}], "data_id": [{"group": 1016, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 7, "row_count": 3, "value": 3}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 7}, "size": 3, "degree": 7}, {"id": 49, "name": 49, "tooltip": "49 (size: 10)
\n \n \n 0.00 | \n 8.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [887, 888, 889, 890, 891, 892, 893, 894, 895, 896], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 8.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 10.0}], "0": [{"group": 1, "row_count": 10, "value": 8}, {"group": 0, "row_count": 10, "value": 2}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 8}, {"group": 1, "row_count": 10, "value": 2}], "data_id": [{"group": 1016, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 10, "row_count": 10, "value": 10}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 10}, "size": 10, "degree": 10}, {"id": 50, "name": 50, "tooltip": "50 (size: 7)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 7.00 | \n
\n \n
", "members": [882, 883, 884, 885, 886, 887, 888], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 7.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 7.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 7.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 7.0}, {"label": 4.0, "group": 4.0, "value": 7.0, "row_count": 7.0}], "0": [{"group": 0, "row_count": 7, "value": 7}], "1": [{"group": 0, "row_count": 7, "value": 7}], "2": [{"group": 0, "row_count": 7, "value": 7}], "3": [{"group": 0, "row_count": 7, "value": 7}], "4": [{"group": 1, "row_count": 7, "value": 7}], "data_id": [{"group": 1016, "row_count": 7, "value": 7}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 7, "row_count": 7, "value": 7}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 7}, "size": 7, "degree": 7}, {"id": 51, "name": 51, "tooltip": "51 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 9.00 | \n
\n \n
", "members": [878, 879, 880, 881, 882, 883, 884, 885, 886], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 9.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 1, "row_count": 9, "value": 9}], "data_id": [{"group": 1016, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 2, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 2}, "size": 9, "degree": 2}, {"id": 52, "name": 52, "tooltip": "52 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 8.00 | \n
\n \n
", "members": [875, 876, 877, 878, 879, 880, 881, 882], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 8.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 0, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 0, "row_count": 8, "value": 8}], "4": [{"group": 1, "row_count": 8, "value": 8}], "data_id": [{"group": 1016, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 4, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 8, "degree": 4}, {"id": 53, "name": 53, "tooltip": "53 (size: 3)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 3.00 | \n
\n \n
", "members": [873, 874, 875], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 3.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 3.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 3.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 3.0}, {"label": 4.0, "group": 4.0, "value": 3.0, "row_count": 3.0}], "0": [{"group": 0, "row_count": 3, "value": 3}], "1": [{"group": 0, "row_count": 3, "value": 3}], "2": [{"group": 0, "row_count": 3, "value": 3}], "3": [{"group": 0, "row_count": 3, "value": 3}], "4": [{"group": 1, "row_count": 3, "value": 3}], "data_id": [{"group": 1016, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 54, "name": 54, "tooltip": "54 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [865], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 55, "name": 55, "tooltip": "55 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 9.00 | \n
\n \n
", "members": [864, 865, 866, 867, 868, 869, 870, 871, 872], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 9.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 1, "row_count": 9, "value": 9}], "data_id": [{"group": 1016, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 5, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 5}, "size": 9, "degree": 5}, {"id": 56, "name": 56, "tooltip": "56 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [863], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 57, "name": 57, "tooltip": "57 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [861, 862, 863, 864, 865], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 1, "row_count": 5, "value": 5}], "data_id": [{"group": 1016, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 6, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 6}, "size": 5, "degree": 6}, {"id": 58, "name": 58, "tooltip": "58 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 8.00 | \n
\n \n
", "members": [860, 861, 862, 863, 864, 865, 866, 867], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 8.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 0, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 0, "row_count": 8, "value": 8}], "4": [{"group": 1, "row_count": 8, "value": 8}], "data_id": [{"group": 1016, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 6, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 6}, "size": 8, "degree": 6}, {"id": 59, "name": 59, "tooltip": "59 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 12.00 | \n
\n \n
", "members": [855, 856, 857, 858, 859, 860, 861, 862, 863, 864, 865, 866], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 12.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 1, "row_count": 12, "value": 12}], "data_id": [{"group": 1016, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 7, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 7}, "size": 12, "degree": 7}, {"id": 60, "name": 60, "tooltip": "60 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [851], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 61, "name": 61, "tooltip": "61 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 12.00 | \n
\n \n
", "members": [851, 852, 853, 854, 855, 856, 857, 858, 859, 860, 861, 862], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 12.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 1, "row_count": 12, "value": 12}], "data_id": [{"group": 1016, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 6, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 6}, "size": 12, "degree": 6}, {"id": 62, "name": 62, "tooltip": "62 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 11.00 | \n
\n \n
", "members": [845, 846, 847, 848, 849, 850, 851, 852, 853, 854, 855], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 11.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 0, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 1, "row_count": 11, "value": 11}], "data_id": [{"group": 1016, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 6, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 6}, "size": 11, "degree": 6}, {"id": 63, "name": 63, "tooltip": "63 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [844], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 64, "name": 64, "tooltip": "64 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [842], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 65, "name": 65, "tooltip": "65 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [838], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 66, "name": 66, "tooltip": "66 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 8.00 | \n
\n \n
", "members": [832, 833, 834, 835, 836, 837, 838, 839], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 8.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 0, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 0, "row_count": 8, "value": 8}], "4": [{"group": 1, "row_count": 8, "value": 8}], "data_id": [{"group": 1016, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 7, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 7}, "size": 8, "degree": 7}, {"id": 67, "name": 67, "tooltip": "67 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [828], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 68, "name": 68, "tooltip": "68 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 11.00 | \n
\n \n
", "members": [827, 828, 829, 830, 831, 832, 833, 834, 835, 836, 837], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 11.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 0, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 1, "row_count": 11, "value": 11}], "data_id": [{"group": 1016, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 9, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 9}, "size": 11, "degree": 9}, {"id": 69, "name": 69, "tooltip": "69 (size: 7)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 7.00 | \n
\n \n
", "members": [821, 822, 823, 824, 825, 826, 827], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 7.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 7.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 7.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 7.0}, {"label": 4.0, "group": 4.0, "value": 7.0, "row_count": 7.0}], "0": [{"group": 0, "row_count": 7, "value": 7}], "1": [{"group": 0, "row_count": 7, "value": 7}], "2": [{"group": 0, "row_count": 7, "value": 7}], "3": [{"group": 0, "row_count": 7, "value": 7}], "4": [{"group": 1, "row_count": 7, "value": 7}], "data_id": [{"group": 1016, "row_count": 7, "value": 7}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 6, "row_count": 7, "value": 7}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 6}, "size": 7, "degree": 6}, {"id": 70, "name": 70, "tooltip": "70 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 12.00 | \n
\n \n
", "members": [821, 822, 823, 824, 825, 826, 827, 828, 829, 830, 831, 832], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 12.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 1, "row_count": 12, "value": 12}], "data_id": [{"group": 1016, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 11, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 11}, "size": 12, "degree": 11}, {"id": 71, "name": 71, "tooltip": "71 (size: 3)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 3.00 | \n
\n \n
", "members": [820, 821, 822], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 3.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 3.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 3.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 3.0}, {"label": 4.0, "group": 4.0, "value": 3.0, "row_count": 3.0}], "0": [{"group": 0, "row_count": 3, "value": 3}], "1": [{"group": 0, "row_count": 3, "value": 3}], "2": [{"group": 0, "row_count": 3, "value": 3}], "3": [{"group": 0, "row_count": 3, "value": 3}], "4": [{"group": 1, "row_count": 3, "value": 3}], "data_id": [{"group": 1016, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 5, "row_count": 3, "value": 3}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 5}, "size": 3, "degree": 5}, {"id": 72, "name": 72, "tooltip": "72 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 9.00 | \n
\n \n
", "members": [819, 820, 821, 822, 823, 824, 825, 826, 827], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 9.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 1, "row_count": 9, "value": 9}], "data_id": [{"group": 1016, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 6, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 6}, "size": 9, "degree": 6}, {"id": 73, "name": 73, "tooltip": "73 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [812, 813], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 1016, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 74, "name": 74, "tooltip": "74 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 10.00 | \n
\n \n
", "members": [812, 813, 814, 815, 816, 817, 818, 819, 820, 821], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 10.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 1, "row_count": 10, "value": 10}], "data_id": [{"group": 1016, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 8, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 8}, "size": 10, "degree": 8}, {"id": 75, "name": 75, "tooltip": "75 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [811], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 76, "name": 76, "tooltip": "76 (size: 6)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 6.00 | \n
\n \n
", "members": [805, 806, 807, 808, 809, 810], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 6.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 6.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 6.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 6.0}, {"label": 4.0, "group": 4.0, "value": 6.0, "row_count": 6.0}], "0": [{"group": 0, "row_count": 6, "value": 6}], "1": [{"group": 0, "row_count": 6, "value": 6}], "2": [{"group": 0, "row_count": 6, "value": 6}], "3": [{"group": 0, "row_count": 6, "value": 6}], "4": [{"group": 1, "row_count": 6, "value": 6}], "data_id": [{"group": 1016, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 3, "row_count": 6, "value": 6}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 3}, "size": 6, "degree": 3}, {"id": 77, "name": 77, "tooltip": "77 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 4.00 | \n
\n \n
", "members": [798, 799, 800, 801], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 4.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 1, "row_count": 4, "value": 4}], "data_id": [{"group": 1016, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 2, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 2}, "size": 4, "degree": 2}, {"id": 78, "name": 78, "tooltip": "78 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 9.00 | \n
\n \n
", "members": [798, 799, 800, 801, 802, 803, 804, 805, 806], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 9.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 1, "row_count": 9, "value": 9}], "data_id": [{"group": 1016, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 4, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 9, "degree": 4}, {"id": 79, "name": 79, "tooltip": "79 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [796], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 80, "name": 80, "tooltip": "80 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [788, 789, 790, 791, 792], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 1, "row_count": 5, "value": 5}], "data_id": [{"group": 1016, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 4, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 5, "degree": 4}, {"id": 81, "name": 81, "tooltip": "81 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 4.00 | \n
\n \n
", "members": [786, 787, 788, 789], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 4.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 1, "row_count": 4, "value": 4}], "data_id": [{"group": 1016, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 5, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 5}, "size": 4, "degree": 5}, {"id": 82, "name": 82, "tooltip": "82 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [785], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 83, "name": 83, "tooltip": "83 (size: 3)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 3.00 | \n
\n \n
", "members": [785, 786, 787], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 3.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 3.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 3.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 3.0}, {"label": 4.0, "group": 4.0, "value": 3.0, "row_count": 3.0}], "0": [{"group": 0, "row_count": 3, "value": 3}], "1": [{"group": 0, "row_count": 3, "value": 3}], "2": [{"group": 0, "row_count": 3, "value": 3}], "3": [{"group": 0, "row_count": 3, "value": 3}], "4": [{"group": 1, "row_count": 3, "value": 3}], "data_id": [{"group": 1016, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 7, "row_count": 3, "value": 3}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 7}, "size": 3, "degree": 7}, {"id": 84, "name": 84, "tooltip": "84 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 4.00 | \n
\n \n
", "members": [783, 784, 785, 786], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 4.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 1, "row_count": 4, "value": 4}], "data_id": [{"group": 1016, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 7, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 7}, "size": 4, "degree": 7}, {"id": 85, "name": 85, "tooltip": "85 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 10.00 | \n
\n \n
", "members": [777, 778, 779, 780, 781, 782, 783, 784, 785, 786], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 10.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 1, "row_count": 10, "value": 10}], "data_id": [{"group": 1016, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 11, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 11}, "size": 10, "degree": 11}, {"id": 86, "name": 86, "tooltip": "86 (size: 3)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 3.00 | \n
\n \n
", "members": [776, 777, 778], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 3.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 3.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 3.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 3.0}, {"label": 4.0, "group": 4.0, "value": 3.0, "row_count": 3.0}], "0": [{"group": 0, "row_count": 3, "value": 3}], "1": [{"group": 0, "row_count": 3, "value": 3}], "2": [{"group": 0, "row_count": 3, "value": 3}], "3": [{"group": 0, "row_count": 3, "value": 3}], "4": [{"group": 1, "row_count": 3, "value": 3}], "data_id": [{"group": 1016, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 4, "row_count": 3, "value": 3}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 3, "degree": 4}, {"id": 87, "name": 87, "tooltip": "87 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [774, 775, 776, 777, 778], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 1, "row_count": 5, "value": 5}], "data_id": [{"group": 1016, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 4, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 4}, "size": 5, "degree": 4}, {"id": 88, "name": 88, "tooltip": "88 (size: 1)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [765], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 1, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 89, "name": 89, "tooltip": "89 (size: 6)
\n \n \n 0.00 | \n 6.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [762, 763, 764, 765, 766, 767], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 6.0, "row_count": 6.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 6.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 6.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 6.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 6.0}], "0": [{"group": 1, "row_count": 6, "value": 6}], "1": [{"group": 0, "row_count": 6, "value": 6}], "2": [{"group": 0, "row_count": 6, "value": 6}], "3": [{"group": 0, "row_count": 6, "value": 6}], "4": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 762, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 4, "row_count": 6, "value": 6}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 4}, "size": 6, "degree": 4}, {"id": 90, "name": 90, "tooltip": "90 (size: 13)
\n \n \n 0.00 | \n 8.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 4.00 | \n
\n \n
", "members": [760, 761, 762, 763, 764, 765, 766, 767, 768, 769, 770, 771, 772], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 8.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 4.0, "row_count": 13.0}], "0": [{"group": 1, "row_count": 13, "value": 8}, {"group": 0, "row_count": 13, "value": 5}], "1": [{"group": 0, "row_count": 13, "value": 12}, {"group": 1, "row_count": 13, "value": 1}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 9}, {"group": 1, "row_count": 13, "value": 4}], "data_id": [{"group": 762, "row_count": 13, "value": 10}, {"group": 1016, "row_count": 13, "value": 3}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 4, "row_count": 13, "value": 13}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 4}, "size": 13, "degree": 4}, {"id": 91, "name": 91, "tooltip": "91 (size: 12)
\n \n \n 0.00 | \n 5.00 | \n
\n \n 1.00 | \n 7.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [754, 755, 756, 757, 758, 759, 760, 761, 762, 763, 764, 765], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 5.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 7.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 7}, {"group": 1, "row_count": 12, "value": 5}], "1": [{"group": 1, "row_count": 12, "value": 7}, {"group": 0, "row_count": 12, "value": 5}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 762, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 4, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 4}, "size": 12, "degree": 4}, {"id": 92, "name": 92, "tooltip": "92 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 11.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [748, 749, 750, 751, 752, 753, 754, 755, 756, 757, 758], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 11.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 1, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 762, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 2, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 2}, "size": 11, "degree": 2}, {"id": 93, "name": 93, "tooltip": "93 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 10.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [743, 744, 745, 746, 747, 748, 749, 750, 751, 752], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 10.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 1, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 762, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 3, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 3}, "size": 10, "degree": 3}, {"id": 94, "name": 94, "tooltip": "94 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 5.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [741, 742, 743, 744, 745], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 5.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 1, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 762, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 2, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 2}, "size": 5, "degree": 2}, {"id": 95, "name": 95, "tooltip": "95 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 11.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [735, 736, 737, 738, 739, 740, 741, 742, 743, 744, 745], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 11.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 1, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 762, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 5, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 11, "degree": 5}, {"id": 96, "name": 96, "tooltip": "96 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [728], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 1, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 97, "name": 97, "tooltip": "97 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 9.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [728, 729, 730, 731, 732, 733, 734, 735, 736], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 9.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 1, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 762, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 5, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 9, "degree": 5}, {"id": 98, "name": 98, "tooltip": "98 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 2.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [724, 725], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 2.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 1, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 762, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 99, "name": 99, "tooltip": "99 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [723], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 1, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 100, "name": 100, "tooltip": "100 (size: 15)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 13.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 2.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [723, 724, 725, 726, 727, 728, 729, 734, 735, 736, 737, 738, 739, 937, 938], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 15.0}, {"label": 1.0, "group": 1.0, "value": 13.0, "row_count": 15.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 15.0}, {"label": 3.0, "group": 3.0, "value": 2.0, "row_count": 15.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 15.0}], "0": [{"group": 0, "row_count": 15, "value": 15}], "1": [{"group": 1, "row_count": 15, "value": 13}, {"group": 0, "row_count": 15, "value": 2}], "2": [{"group": 0, "row_count": 15, "value": 15}], "3": [{"group": 0, "row_count": 15, "value": 13}, {"group": 1, "row_count": 15, "value": 2}], "4": [{"group": 0, "row_count": 15, "value": 15}], "data_id": [{"group": 762, "row_count": 15, "value": 13}, {"group": 1016, "row_count": 15, "value": 2}], "uniform": [{"group": 0, "row_count": 15, "value": 15}], "degree": [{"group": 10, "row_count": 15, "value": 15}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 10}, "size": 15, "degree": 10}, {"id": 101, "name": 101, "tooltip": "101 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 12.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [719, 720, 721, 722, 723, 724, 725, 733, 734, 735, 736, 737], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 12.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 1, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 762, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 7, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 7}, "size": 12, "degree": 7}, {"id": 102, "name": 102, "tooltip": "102 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 9.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [715, 716, 717, 718, 719, 720, 721, 722, 723], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 9.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 1, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 762, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 5, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 9, "degree": 5}, {"id": 103, "name": 103, "tooltip": "103 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 12.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [708, 709, 710, 711, 712, 713, 714, 715, 716, 717, 718, 719], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 12.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 1, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 762, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 4, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 4}, "size": 12, "degree": 4}, {"id": 104, "name": 104, "tooltip": "104 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 11.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [706, 707, 708, 709, 710, 711, 712, 713, 714, 715, 716], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 11.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 1, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 762, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 3, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 3}, "size": 11, "degree": 3}, {"id": 105, "name": 105, "tooltip": "105 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 11.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [691, 692, 693, 694, 695, 696, 697, 698, 699, 700, 701], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 11.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 1, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 762, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 5, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 11, "degree": 5}, {"id": 106, "name": 106, "tooltip": "106 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 2.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [690, 691], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 2.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 1, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 762, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 107, "name": 107, "tooltip": "107 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 11.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [684, 685, 686, 687, 688, 689, 690, 691, 692, 693, 694], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 11.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 1, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 762, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 3, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 3}, "size": 11, "degree": 3}, {"id": 108, "name": 108, "tooltip": "108 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 10.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [678, 679, 680, 681, 682, 683, 684, 685, 686, 687], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 10.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 1, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 762, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 5, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 10, "degree": 5}, {"id": 109, "name": 109, "tooltip": "109 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 5.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [676, 677, 678, 679, 680], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 5.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 1, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 762, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 4, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 4}, "size": 5, "degree": 4}, {"id": 110, "name": 110, "tooltip": "110 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 11.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [673, 674, 675, 676, 677, 678, 679, 680, 681, 682, 683], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 11.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 1, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 762, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 4, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 4}, "size": 11, "degree": 4}, {"id": 111, "name": 111, "tooltip": "111 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 10.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [669, 670, 671, 672, 673, 674, 675, 676, 677, 678], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 10.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 1, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 762, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 5, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 10, "degree": 5}, {"id": 112, "name": 112, "tooltip": "112 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 8.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [664, 665, 666, 667, 668, 669, 670, 671], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 8.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 1, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 0, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 762, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 2, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 2}, "size": 8, "degree": 2}, {"id": 113, "name": 113, "tooltip": "113 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 11.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [655, 656, 657, 658, 659, 660, 661, 662, 663, 664, 665], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 11.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 1, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 762, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 5, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 11, "degree": 5}, {"id": 114, "name": 114, "tooltip": "114 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 2.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [647, 648], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 2.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 1, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 762, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 6, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 6}, "size": 2, "degree": 6}, {"id": 115, "name": 115, "tooltip": "115 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 13.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [646, 647, 648, 649, 650, 651, 652, 653, 654, 655, 656, 657, 658], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 13.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 1, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 762, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 11, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 11}, "size": 13, "degree": 11}, {"id": 116, "name": 116, "tooltip": "116 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 14.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [641, 642, 643, 644, 645, 646, 647, 648, 649, 650, 651, 652, 653, 654], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 14.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 1, "row_count": 14, "value": 14}], "2": [{"group": 0, "row_count": 14, "value": 14}], "3": [{"group": 0, "row_count": 14, "value": 14}], "4": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 762, "row_count": 14, "value": 14}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 8, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 8}, "size": 14, "degree": 8}, {"id": 117, "name": 117, "tooltip": "117 (size: 6)
\n \n \n 0.00 | \n 5.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [636, 637, 638, 639, 640, 641], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 5.0, "row_count": 6.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 6.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 6.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 6.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 6.0}], "0": [{"group": 1, "row_count": 6, "value": 5}, {"group": 0, "row_count": 6, "value": 1}], "1": [{"group": 0, "row_count": 6, "value": 5}, {"group": 1, "row_count": 6, "value": 1}], "2": [{"group": 0, "row_count": 6, "value": 6}], "3": [{"group": 0, "row_count": 6, "value": 6}], "4": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 762, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 3, "row_count": 6, "value": 6}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 3}, "size": 6, "degree": 3}, {"id": 118, "name": 118, "tooltip": "118 (size: 13)
\n \n \n 0.00 | \n 7.00 | \n
\n \n 1.00 | \n 6.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [634, 635, 636, 637, 638, 639, 640, 641, 642, 643, 644, 645, 646], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 7.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 6.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 1, "row_count": 13, "value": 7}, {"group": 0, "row_count": 13, "value": 6}], "1": [{"group": 0, "row_count": 13, "value": 7}, {"group": 1, "row_count": 13, "value": 6}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 762, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 7, "row_count": 13, "value": 13}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 7}, "size": 13, "degree": 7}, {"id": 119, "name": 119, "tooltip": "119 (size: 10)
\n \n \n 0.00 | \n 8.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [631, 632, 633, 634, 635, 636, 637, 638, 639, 640], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 8.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 1, "row_count": 10, "value": 8}, {"group": 0, "row_count": 10, "value": 2}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 8}, {"group": 1, "row_count": 10, "value": 2}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 762, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 4, "row_count": 10, "value": 10}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 4}, "size": 10, "degree": 4}, {"id": 120, "name": 120, "tooltip": "120 (size: 8)
\n \n \n 0.00 | \n 2.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 6.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [627, 628, 629, 630, 631, 632, 633, 634], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 2.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 6.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 6}, {"group": 1, "row_count": 8, "value": 2}], "1": [{"group": 0, "row_count": 8, "value": 8}], "2": [{"group": 1, "row_count": 8, "value": 6}, {"group": 0, "row_count": 8, "value": 2}], "3": [{"group": 0, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 762, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 3, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 3}, "size": 8, "degree": 3}, {"id": 121, "name": 121, "tooltip": "121 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 9.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [623, 624, 625, 626, 627, 628, 629, 630, 631], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 9.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 1, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 762, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 3, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 3}, "size": 9, "degree": 3}, {"id": 122, "name": 122, "tooltip": "122 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [613], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 123, "name": 123, "tooltip": "123 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [611, 612], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 1, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 762, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 124, "name": 124, "tooltip": "124 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 11.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [609, 610, 611, 612, 613, 614, 615, 616, 617, 618, 619], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 11.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 0, "row_count": 11, "value": 11}], "2": [{"group": 1, "row_count": 11, "value": 11}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 762, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 7, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 7}, "size": 11, "degree": 7}, {"id": 125, "name": 125, "tooltip": "125 (size: 6)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 6.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [608, 609, 610, 611, 612, 613], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 6.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 6.0}, {"label": 2.0, "group": 2.0, "value": 6.0, "row_count": 6.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 6.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 6.0}], "0": [{"group": 0, "row_count": 6, "value": 6}], "1": [{"group": 0, "row_count": 6, "value": 6}], "2": [{"group": 1, "row_count": 6, "value": 6}], "3": [{"group": 0, "row_count": 6, "value": 6}], "4": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 762, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 8, "row_count": 6, "value": 6}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 8}, "size": 6, "degree": 8}, {"id": 126, "name": 126, "tooltip": "126 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 5.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [604, 605, 606, 607, 608], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 5.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 1, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 762, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 8, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 8}, "size": 5, "degree": 8}, {"id": 127, "name": 127, "tooltip": "127 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 5.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [599, 600, 601, 602, 603], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 5.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 1, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 762, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 9, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 9}, "size": 5, "degree": 9}, {"id": 128, "name": 128, "tooltip": "128 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [594, 595], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 1, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 762, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 129, "name": 129, "tooltip": "129 (size: 6)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 6.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [593, 594, 595, 596, 597, 598], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 6.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 6.0}, {"label": 2.0, "group": 2.0, "value": 6.0, "row_count": 6.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 6.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 6.0}], "0": [{"group": 0, "row_count": 6, "value": 6}], "1": [{"group": 0, "row_count": 6, "value": 6}], "2": [{"group": 1, "row_count": 6, "value": 6}], "3": [{"group": 0, "row_count": 6, "value": 6}], "4": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 762, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 9, "row_count": 6, "value": 6}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 9}, "size": 6, "degree": 9}, {"id": 130, "name": 130, "tooltip": "130 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 5.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [587, 588, 589, 590, 591], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 5.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 1, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 762, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 5, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 5, "degree": 5}, {"id": 131, "name": 131, "tooltip": "131 (size: 6)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 6.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [585, 586, 587, 588, 589, 590], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 6.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 6.0}, {"label": 2.0, "group": 2.0, "value": 6.0, "row_count": 6.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 6.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 6.0}], "0": [{"group": 0, "row_count": 6, "value": 6}], "1": [{"group": 0, "row_count": 6, "value": 6}], "2": [{"group": 1, "row_count": 6, "value": 6}], "3": [{"group": 0, "row_count": 6, "value": 6}], "4": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 762, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 5, "row_count": 6, "value": 6}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 6, "degree": 5}, {"id": 132, "name": 132, "tooltip": "132 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [576], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 8, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 8}, "size": 1, "degree": 8}, {"id": 133, "name": 133, "tooltip": "133 (size: 3)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 3.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [574, 575, 576], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 3.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 3.0}, {"label": 2.0, "group": 2.0, "value": 3.0, "row_count": 3.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 3.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 3.0}], "0": [{"group": 0, "row_count": 3, "value": 3}], "1": [{"group": 0, "row_count": 3, "value": 3}], "2": [{"group": 1, "row_count": 3, "value": 3}], "3": [{"group": 0, "row_count": 3, "value": 3}], "4": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 762, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 9, "row_count": 3, "value": 3}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 9}, "size": 3, "degree": 9}, {"id": 134, "name": 134, "tooltip": "134 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 9.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [573, 574, 575, 576, 577, 578, 579, 580, 581], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 9.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 1, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 762, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 10, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 10}, "size": 9, "degree": 10}, {"id": 135, "name": 135, "tooltip": "135 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [572, 573], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 1, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 762, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 5, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 2, "degree": 5}, {"id": 136, "name": 136, "tooltip": "136 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [571], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 7, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 7}, "size": 1, "degree": 7}, {"id": 137, "name": 137, "tooltip": "137 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 5.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [567, 568, 569, 570, 571], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 5.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 1, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 762, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 10, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 10}, "size": 5, "degree": 10}, {"id": 138, "name": 138, "tooltip": "138 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [560, 561], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 1, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 762, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 139, "name": 139, "tooltip": "139 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 12.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [556, 557, 558, 559, 560, 561, 562, 563, 564, 565, 566, 567], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 12.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 1, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 762, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 9, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 9}, "size": 12, "degree": 9}, {"id": 140, "name": 140, "tooltip": "140 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [552], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 141, "name": 141, "tooltip": "141 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [551], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 142, "name": 142, "tooltip": "142 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [550], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 143, "name": 143, "tooltip": "143 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 7.00 | \n
\n \n
", "members": [549, 550, 791, 792, 793, 794, 795, 796, 797], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 7.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 7}, {"group": 1, "row_count": 9, "value": 2}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 1, "row_count": 9, "value": 7}, {"group": 0, "row_count": 9, "value": 2}], "data_id": [{"group": 1016, "row_count": 9, "value": 7}, {"group": 762, "row_count": 9, "value": 2}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 11, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 11}, "size": 9, "degree": 11}, {"id": 144, "name": 144, "tooltip": "144 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [548], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 762, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 7, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 7}, "size": 1, "degree": 7}, {"id": 145, "name": 145, "tooltip": "145 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 12.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [548, 549, 550, 551, 552, 553, 554, 555, 556, 557, 558, 559], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 12.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 1, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 762, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 15, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 15}, "size": 12, "degree": 15}, {"id": 146, "name": 146, "tooltip": "146 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 5.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [542, 543, 544, 545, 546], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 5.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 1, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 762, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 4, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 4}, "size": 5, "degree": 4}, {"id": 147, "name": 147, "tooltip": "147 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 4.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [541, 542, 543, 544], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 4.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 1, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 762, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 7, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 7}, "size": 4, "degree": 7}, {"id": 148, "name": 148, "tooltip": "148 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 8.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [541, 542, 543, 544, 545, 546, 547, 548], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 8.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 0, "row_count": 8, "value": 8}], "2": [{"group": 1, "row_count": 8, "value": 8}], "3": [{"group": 0, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 762, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 14, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 14}, "size": 8, "degree": 14}, {"id": 149, "name": 149, "tooltip": "149 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [539, 540], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 1, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 508, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 6, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 6}, "size": 2, "degree": 6}, {"id": 150, "name": 150, "tooltip": "150 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 4.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [534, 535, 536, 537], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 4.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 1, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 508, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 8, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 8}, "size": 4, "degree": 8}, {"id": 151, "name": 151, "tooltip": "151 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 4.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [533, 534, 535, 536], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 4.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 1, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 508, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 5, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 5}, "size": 4, "degree": 5}, {"id": 152, "name": 152, "tooltip": "152 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 4.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [531, 532, 533, 534], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 4.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 1, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 508, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 7, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 7}, "size": 4, "degree": 7}, {"id": 153, "name": 153, "tooltip": "153 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 8.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [530, 531, 532, 533, 534, 535, 536, 537], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 8.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 0, "row_count": 8, "value": 8}], "2": [{"group": 1, "row_count": 8, "value": 8}], "3": [{"group": 0, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 508, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 11, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 11}, "size": 8, "degree": 11}, {"id": 154, "name": 154, "tooltip": "154 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [529], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 155, "name": 155, "tooltip": "155 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [529, 530], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 1, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 508, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 5, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 5}, "size": 2, "degree": 5}, {"id": 156, "name": 156, "tooltip": "156 (size: 7)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 7.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [525, 526, 527, 528, 529, 530, 531], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 7.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 7.0}, {"label": 2.0, "group": 2.0, "value": 7.0, "row_count": 7.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 7.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 7.0}], "0": [{"group": 0, "row_count": 7, "value": 7}], "1": [{"group": 0, "row_count": 7, "value": 7}], "2": [{"group": 1, "row_count": 7, "value": 7}], "3": [{"group": 0, "row_count": 7, "value": 7}], "4": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 508, "row_count": 7, "value": 7}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 8, "row_count": 7, "value": 7}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 8}, "size": 7, "degree": 8}, {"id": 157, "name": 157, "tooltip": "157 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 10.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [514, 515, 516, 517, 518, 519, 520, 521, 522, 523], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 10.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 1, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 508, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 4, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 4}, "size": 10, "degree": 4}, {"id": 158, "name": 158, "tooltip": "158 (size: 10)
\n \n \n 0.00 | \n 7.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 3.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [506, 507, 508, 509, 510, 511, 512, 513, 514, 515], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 7.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 3.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 1, "row_count": 10, "value": 7}, {"group": 0, "row_count": 10, "value": 3}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 7}, {"group": 1, "row_count": 10, "value": 3}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 508, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 5, "row_count": 10, "value": 10}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 5}, "size": 10, "degree": 5}, {"id": 159, "name": 159, "tooltip": "159 (size: 5)
\n \n \n 0.00 | \n 5.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [505, 506, 507, 508, 509], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 5.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 1, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 508, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 5, "row_count": 5, "value": 5}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 5}, "size": 5, "degree": 5}, {"id": 160, "name": 160, "tooltip": "160 (size: 9)
\n \n \n 0.00 | \n 6.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 3.00 | \n
\n \n
", "members": [502, 503, 504, 505, 506, 507, 508, 509, 510], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 6.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 3.0, "row_count": 9.0}], "0": [{"group": 1, "row_count": 9, "value": 6}, {"group": 0, "row_count": 9, "value": 3}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 6}, {"group": 1, "row_count": 9, "value": 3}], "data_id": [{"group": 508, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 6, "row_count": 9, "value": 9}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 6}, "size": 9, "degree": 6}, {"id": 161, "name": 161, "tooltip": "161 (size: 17)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 8.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 9.00 | \n
\n \n
", "members": [497, 574, 575, 576, 596, 597, 598, 599, 600, 806, 807, 808, 809, 810, 811, 812, 813], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 17.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 17.0}, {"label": 2.0, "group": 2.0, "value": 8.0, "row_count": 17.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 17.0}, {"label": 4.0, "group": 4.0, "value": 9.0, "row_count": 17.0}], "0": [{"group": 0, "row_count": 17, "value": 17}], "1": [{"group": 0, "row_count": 17, "value": 17}], "2": [{"group": 0, "row_count": 17, "value": 9}, {"group": 1, "row_count": 17, "value": 8}], "3": [{"group": 0, "row_count": 17, "value": 17}], "4": [{"group": 1, "row_count": 17, "value": 9}, {"group": 0, "row_count": 17, "value": 8}], "data_id": [{"group": 762, "row_count": 17, "value": 8}, {"group": 1016, "row_count": 17, "value": 8}, {"group": 508, "row_count": 17, "value": 1}], "uniform": [{"group": 0, "row_count": 17, "value": 17}], "degree": [{"group": 22, "row_count": 17, "value": 17}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 762, "uniform": 0, "degree": 22}, "size": 17, "degree": 22}, {"id": 162, "name": 162, "tooltip": "162 (size: 10)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 9.00 | \n
\n \n
", "members": [496, 497, 498, 499, 500, 501, 502, 503, 504, 505], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 9.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 9}, {"group": 1, "row_count": 10, "value": 1}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 1, "row_count": 10, "value": 9}, {"group": 0, "row_count": 10, "value": 1}], "data_id": [{"group": 508, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 5, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 5}, "size": 10, "degree": 5}, {"id": 163, "name": 163, "tooltip": "163 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [492], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 164, "name": 164, "tooltip": "164 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 11.00 | \n
\n \n
", "members": [492, 493, 494, 495, 496, 497, 498, 499, 500, 501, 502], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 11.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 0, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 1, "row_count": 11, "value": 11}], "data_id": [{"group": 508, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 6, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 6}, "size": 11, "degree": 6}, {"id": 165, "name": 165, "tooltip": "165 (size: 13)
\n \n \n 0.00 | \n 3.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 10.00 | \n
\n \n
", "members": [490, 766, 767, 768, 769, 770, 771, 772, 773, 774, 775, 776, 777], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 3.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 10.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 10}, {"group": 1, "row_count": 13, "value": 3}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 1, "row_count": 13, "value": 10}, {"group": 0, "row_count": 13, "value": 3}], "data_id": [{"group": 1016, "row_count": 13, "value": 8}, {"group": 762, "row_count": 13, "value": 4}, {"group": 508, "row_count": 13, "value": 1}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 8, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 8}, "size": 13, "degree": 8}, {"id": 166, "name": 166, "tooltip": "166 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [490, 491], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 508, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 167, "name": 167, "tooltip": "167 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [488, 489], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 508, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 168, "name": 168, "tooltip": "168 (size: 22)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 21.00 | \n
\n \n
", "members": [487, 488, 489, 490, 491, 492, 493, 494, 495, 496, 497, 498, 776, 777, 778, 779, 780, 781, 782, 822, 823, 927], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 22.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 22.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 22.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 22.0}, {"label": 4.0, "group": 4.0, "value": 21.0, "row_count": 22.0}], "0": [{"group": 0, "row_count": 22, "value": 22}], "1": [{"group": 0, "row_count": 22, "value": 22}], "2": [{"group": 0, "row_count": 22, "value": 22}], "3": [{"group": 0, "row_count": 22, "value": 21}, {"group": 1, "row_count": 22, "value": 1}], "4": [{"group": 1, "row_count": 22, "value": 21}, {"group": 0, "row_count": 22, "value": 1}], "data_id": [{"group": 508, "row_count": 22, "value": 12}, {"group": 1016, "row_count": 22, "value": 10}], "uniform": [{"group": 0, "row_count": 22, "value": 22}], "degree": [{"group": 19, "row_count": 22, "value": 22}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 19}, "size": 22, "degree": 19}, {"id": 169, "name": 169, "tooltip": "169 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 12.00 | \n
\n \n
", "members": [478, 479, 480, 481, 482, 483, 484, 485, 486, 487, 488, 489], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 12.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 1, "row_count": 12, "value": 12}], "data_id": [{"group": 508, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 4, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 4}, "size": 12, "degree": 4}, {"id": 170, "name": 170, "tooltip": "170 (size: 15)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 15.00 | \n
\n \n
", "members": [478, 479, 480, 481, 482, 483, 484, 485, 486, 487, 488, 489, 490, 491, 492], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 15.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 15.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 15.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 15.0}, {"label": 4.0, "group": 4.0, "value": 15.0, "row_count": 15.0}], "0": [{"group": 0, "row_count": 15, "value": 15}], "1": [{"group": 0, "row_count": 15, "value": 15}], "2": [{"group": 0, "row_count": 15, "value": 15}], "3": [{"group": 0, "row_count": 15, "value": 15}], "4": [{"group": 1, "row_count": 15, "value": 15}], "data_id": [{"group": 508, "row_count": 15, "value": 15}], "uniform": [{"group": 0, "row_count": 15, "value": 15}], "degree": [{"group": 8, "row_count": 15, "value": 15}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 8}, "size": 15, "degree": 8}, {"id": 171, "name": 171, "tooltip": "171 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 9.00 | \n
\n \n
", "members": [474, 475, 476, 477, 478, 479, 480, 481, 482], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 9.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 1, "row_count": 9, "value": 9}], "data_id": [{"group": 508, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 6, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 6}, "size": 9, "degree": 6}, {"id": 172, "name": 172, "tooltip": "172 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [469], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 173, "name": 173, "tooltip": "173 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 8.00 | \n
\n \n
", "members": [462, 463, 464, 465, 466, 467, 468, 469], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 8.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 0, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 0, "row_count": 8, "value": 8}], "4": [{"group": 1, "row_count": 8, "value": 8}], "data_id": [{"group": 508, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 4, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 4}, "size": 8, "degree": 4}, {"id": 174, "name": 174, "tooltip": "174 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [459], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 175, "name": 175, "tooltip": "175 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 12.00 | \n
\n \n
", "members": [459, 460, 461, 462, 469, 470, 471, 472, 473, 474, 475, 476, 538, 539], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 12.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 0, "row_count": 14, "value": 14}], "2": [{"group": 0, "row_count": 14, "value": 12}, {"group": 1, "row_count": 14, "value": 2}], "3": [{"group": 0, "row_count": 14, "value": 14}], "4": [{"group": 1, "row_count": 14, "value": 12}, {"group": 0, "row_count": 14, "value": 2}], "data_id": [{"group": 508, "row_count": 14, "value": 14}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 13, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 13}, "size": 14, "degree": 13}, {"id": 176, "name": 176, "tooltip": "176 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 12.00 | \n
\n \n
", "members": [459, 460, 461, 462, 463, 464, 465, 470, 471, 472, 473, 474, 538, 539], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 12.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 0, "row_count": 14, "value": 14}], "2": [{"group": 0, "row_count": 14, "value": 12}, {"group": 1, "row_count": 14, "value": 2}], "3": [{"group": 0, "row_count": 14, "value": 14}], "4": [{"group": 1, "row_count": 14, "value": 12}, {"group": 0, "row_count": 14, "value": 2}], "data_id": [{"group": 508, "row_count": 14, "value": 14}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 11, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 11}, "size": 14, "degree": 11}, {"id": 177, "name": 177, "tooltip": "177 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 9.00 | \n
\n \n
", "members": [446, 447, 448, 449, 450, 451, 452, 453, 454], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 9.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 1, "row_count": 9, "value": 9}], "data_id": [{"group": 508, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 3, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 3}, "size": 9, "degree": 3}, {"id": 178, "name": 178, "tooltip": "178 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 4.00 | \n
\n \n
", "members": [443, 444, 445, 446], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 4.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 1, "row_count": 4, "value": 4}], "data_id": [{"group": 508, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 3, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 3}, "size": 4, "degree": 3}, {"id": 179, "name": 179, "tooltip": "179 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 11.00 | \n
\n \n
", "members": [439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 11.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 0, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 1, "row_count": 11, "value": 11}], "data_id": [{"group": 508, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 6, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 6}, "size": 11, "degree": 6}, {"id": 180, "name": 180, "tooltip": "180 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [438, 439], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 1, "row_count": 2, "value": 2}], "data_id": [{"group": 508, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 5, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 5}, "size": 2, "degree": 5}, {"id": 181, "name": 181, "tooltip": "181 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [437], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 1, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 182, "name": 182, "tooltip": "182 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 4.00 | \n
\n \n
", "members": [436, 437, 438, 439], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 4.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 1, "row_count": 4, "value": 4}], "data_id": [{"group": 508, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 8, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 8}, "size": 4, "degree": 8}, {"id": 183, "name": 183, "tooltip": "183 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [435, 436, 437, 438, 439], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 1, "row_count": 5, "value": 5}], "data_id": [{"group": 508, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 8, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 8}, "size": 5, "degree": 8}, {"id": 184, "name": 184, "tooltip": "184 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 13.00 | \n
\n \n
", "members": [433, 434, 435, 436, 437, 438, 439, 440, 441, 442, 443, 444, 445], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 13.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 1, "row_count": 13, "value": 13}], "data_id": [{"group": 508, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 10, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 10}, "size": 13, "degree": 10}, {"id": 185, "name": 185, "tooltip": "185 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 11.00 | \n
\n \n
", "members": [426, 427, 428, 429, 430, 431, 432, 433, 434, 435, 436], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 11.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 0, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 1, "row_count": 11, "value": 11}], "data_id": [{"group": 508, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 14, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 14}, "size": 11, "degree": 14}, {"id": 186, "name": 186, "tooltip": "186 (size: 3)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 3.00 | \n
\n \n
", "members": [421, 422, 423], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 3.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 3.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 3.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 3.0}, {"label": 4.0, "group": 4.0, "value": 3.0, "row_count": 3.0}], "0": [{"group": 0, "row_count": 3, "value": 3}], "1": [{"group": 0, "row_count": 3, "value": 3}], "2": [{"group": 0, "row_count": 3, "value": 3}], "3": [{"group": 0, "row_count": 3, "value": 3}], "4": [{"group": 1, "row_count": 3, "value": 3}], "data_id": [{"group": 508, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 2, "row_count": 3, "value": 3}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 2}, "size": 3, "degree": 2}, {"id": 187, "name": 187, "tooltip": "187 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 8.00 | \n
\n \n
", "members": [405, 406, 407, 408, 409, 410, 411, 412], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 8.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 0, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 0, "row_count": 8, "value": 8}], "4": [{"group": 1, "row_count": 8, "value": 8}], "data_id": [{"group": 508, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 2, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 2}, "size": 8, "degree": 2}, {"id": 188, "name": 188, "tooltip": "188 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 10.00 | \n
\n \n
", "members": [399, 400, 401, 402, 403, 404, 405, 406, 407, 408], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 10.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 1, "row_count": 10, "value": 10}], "data_id": [{"group": 508, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 4, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 4}, "size": 10, "degree": 4}, {"id": 189, "name": 189, "tooltip": "189 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 13.00 | \n
\n \n
", "members": [391, 392, 393, 394, 395, 396, 397, 398, 399, 400, 401, 402, 403], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 13.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 1, "row_count": 13, "value": 13}], "data_id": [{"group": 508, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 8, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 8}, "size": 13, "degree": 8}, {"id": 190, "name": 190, "tooltip": "190 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [385, 386, 387, 388, 389], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 1, "row_count": 5, "value": 5}], "data_id": [{"group": 508, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 2, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 2}, "size": 5, "degree": 2}, {"id": 191, "name": 191, "tooltip": "191 (size: 16)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 5.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 10.00 | \n
\n \n
", "members": [384, 385, 386, 387, 388, 389, 390, 391, 392, 393, 394, 675, 676, 677, 678, 679], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 16.0}, {"label": 1.0, "group": 1.0, "value": 5.0, "row_count": 16.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 16.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 16.0}, {"label": 4.0, "group": 4.0, "value": 10.0, "row_count": 16.0}], "0": [{"group": 0, "row_count": 16, "value": 15}, {"group": 1, "row_count": 16, "value": 1}], "1": [{"group": 0, "row_count": 16, "value": 11}, {"group": 1, "row_count": 16, "value": 5}], "2": [{"group": 0, "row_count": 16, "value": 16}], "3": [{"group": 0, "row_count": 16, "value": 16}], "4": [{"group": 1, "row_count": 16, "value": 10}, {"group": 0, "row_count": 16, "value": 6}], "data_id": [{"group": 508, "row_count": 16, "value": 11}, {"group": 762, "row_count": 16, "value": 5}], "uniform": [{"group": 0, "row_count": 16, "value": 16}], "degree": [{"group": 7, "row_count": 16, "value": 16}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 7}, "size": 16, "degree": 7}, {"id": 192, "name": 192, "tooltip": "192 (size: 10)
\n \n \n 0.00 | \n 7.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 3.00 | \n
\n \n
", "members": [378, 379, 380, 381, 382, 383, 384, 385, 386, 387], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 7.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 3.0, "row_count": 10.0}], "0": [{"group": 1, "row_count": 10, "value": 7}, {"group": 0, "row_count": 10, "value": 3}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 7}, {"group": 1, "row_count": 10, "value": 3}], "data_id": [{"group": 508, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 5, "row_count": 10, "value": 10}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 5}, "size": 10, "degree": 5}, {"id": 193, "name": 193, "tooltip": "193 (size: 10)
\n \n \n 0.00 | \n 2.00 | \n
\n \n 1.00 | \n 8.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [377, 378, 701, 702, 703, 704, 705, 706, 707, 708], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 2.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 8.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 8}, {"group": 1, "row_count": 10, "value": 2}], "1": [{"group": 1, "row_count": 10, "value": 8}, {"group": 0, "row_count": 10, "value": 2}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 762, "row_count": 10, "value": 8}, {"group": 508, "row_count": 10, "value": 2}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 6, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 6}, "size": 10, "degree": 6}, {"id": 194, "name": 194, "tooltip": "194 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [375], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 195, "name": 195, "tooltip": "195 (size: 3)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 3.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [372, 373, 374], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 3.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 3.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 3.0}, {"label": 3.0, "group": 3.0, "value": 3.0, "row_count": 3.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 3.0}], "0": [{"group": 0, "row_count": 3, "value": 3}], "1": [{"group": 0, "row_count": 3, "value": 3}], "2": [{"group": 0, "row_count": 3, "value": 3}], "3": [{"group": 1, "row_count": 3, "value": 3}], "4": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 508, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 1, "row_count": 3, "value": 3}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 1}, "size": 3, "degree": 1}, {"id": 196, "name": 196, "tooltip": "196 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [371], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 197, "name": 197, "tooltip": "197 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 10.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [366, 367, 368, 369, 370, 371, 372, 373, 374, 375], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 10.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 1, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 508, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 6, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 6}, "size": 10, "degree": 6}, {"id": 198, "name": 198, "tooltip": "198 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 5.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [363, 364, 365, 366, 367], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 5.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 1, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 508, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 3, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 3}, "size": 5, "degree": 3}, {"id": 199, "name": 199, "tooltip": "199 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 9.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [363, 364, 365, 366, 367, 368, 369, 370, 371], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 9.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 1, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 508, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 4, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 4}, "size": 9, "degree": 4}, {"id": 200, "name": 200, "tooltip": "200 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 11.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [357, 358, 359, 360, 361, 362, 363, 364, 365, 366, 367], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 11.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 0, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 1, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 508, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 4, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 4}, "size": 11, "degree": 4}, {"id": 201, "name": 201, "tooltip": "201 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 8.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [355, 356, 357, 358, 359, 360, 361, 362], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 8.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 0, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 1, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 508, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 3, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 3}, "size": 8, "degree": 3}, {"id": 202, "name": 202, "tooltip": "202 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 4.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [353, 354, 355, 356], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 4.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 1, "row_count": 4, "value": 4}], "4": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 508, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 3, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 3}, "size": 4, "degree": 3}, {"id": 203, "name": 203, "tooltip": "203 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [351], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 204, "name": 204, "tooltip": "204 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 8.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [349, 350, 351, 352, 353, 354, 355, 356], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 8.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 0, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 1, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 508, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 6, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 6}, "size": 8, "degree": 6}, {"id": 205, "name": 205, "tooltip": "205 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [341], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 206, "name": 206, "tooltip": "206 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 4.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [340, 341, 342, 343], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 4.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 1, "row_count": 4, "value": 4}], "4": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 508, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 3, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 3}, "size": 4, "degree": 3}, {"id": 207, "name": 207, "tooltip": "207 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 12.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [338, 339, 340, 341, 342, 343, 344, 345, 346, 347, 348, 349], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 12.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 1, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 508, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 6, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 6}, "size": 12, "degree": 6}, {"id": 208, "name": 208, "tooltip": "208 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 12.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [331, 332, 333, 334, 335, 336, 337, 338, 339, 340, 341, 342], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 12.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 1, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 508, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 5, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 5}, "size": 12, "degree": 5}, {"id": 209, "name": 209, "tooltip": "209 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 13.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [326, 327, 328, 329, 330, 331, 332, 333, 334, 335, 336, 337, 338], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 13.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 0, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 1, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 508, "row_count": 13, "value": 13}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 4, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 4}, "size": 13, "degree": 4}, {"id": 210, "name": 210, "tooltip": "210 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 11.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [323, 324, 325, 326, 327, 328, 329, 330, 331, 332, 333], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 11.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 0, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 1, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 508, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 3, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 3}, "size": 11, "degree": 3}, {"id": 211, "name": 211, "tooltip": "211 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 8.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [319, 320, 321, 322, 323, 324, 325, 326], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 8.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 0, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 1, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 508, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 3, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 3}, "size": 8, "degree": 3}, {"id": 212, "name": 212, "tooltip": "212 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 12.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [309, 310, 311, 312, 313, 314, 315, 316, 317, 318, 319, 320], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 12.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 1, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 508, "row_count": 12, "value": 9}, {"group": 254, "row_count": 12, "value": 3}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 2, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 508, "uniform": 0, "degree": 2}, "size": 12, "degree": 2}, {"id": 213, "name": 213, "tooltip": "213 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 2.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [306, 307], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 2.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 1, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 254, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 2, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 2}, "size": 2, "degree": 2}, {"id": 214, "name": 214, "tooltip": "214 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 14.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314, 315], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 14.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 0, "row_count": 14, "value": 14}], "2": [{"group": 0, "row_count": 14, "value": 14}], "3": [{"group": 1, "row_count": 14, "value": 14}], "4": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 254, "row_count": 14, "value": 10}, {"group": 508, "row_count": 14, "value": 4}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 3, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 3}, "size": 14, "degree": 3}, {"id": 215, "name": 215, "tooltip": "215 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 10.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [298, 299, 300, 301, 302, 303, 304, 305, 306, 307], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 10.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 1, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 254, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 3, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 3}, "size": 10, "degree": 3}, {"id": 216, "name": 216, "tooltip": "216 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 9.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [293, 294, 295, 296, 297, 298, 299, 300, 301], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 9.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 1, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 254, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 2, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 2}, "size": 9, "degree": 2}, {"id": 217, "name": 217, "tooltip": "217 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [291], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 218, "name": 218, "tooltip": "218 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 2.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [288, 289], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 2.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 1, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 254, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 219, "name": 219, "tooltip": "219 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 5.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [286, 287, 288, 289, 290], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 5.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 1, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 254, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 4, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 4}, "size": 5, "degree": 4}, {"id": 220, "name": 220, "tooltip": "220 (size: 26)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 4.00 | \n
\n \n 3.00 | \n 21.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 345, 346, 347, 348, 349, 350, 351, 352, 353, 598, 599, 600, 601, 888, 909, 910], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 26.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 26.0}, {"label": 2.0, "group": 2.0, "value": 4.0, "row_count": 26.0}, {"label": 3.0, "group": 3.0, "value": 21.0, "row_count": 26.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 26.0}], "0": [{"group": 0, "row_count": 26, "value": 26}], "1": [{"group": 0, "row_count": 26, "value": 26}], "2": [{"group": 0, "row_count": 26, "value": 22}, {"group": 1, "row_count": 26, "value": 4}], "3": [{"group": 1, "row_count": 26, "value": 21}, {"group": 0, "row_count": 26, "value": 5}], "4": [{"group": 0, "row_count": 26, "value": 25}, {"group": 1, "row_count": 26, "value": 1}], "data_id": [{"group": 254, "row_count": 26, "value": 10}, {"group": 508, "row_count": 26, "value": 9}, {"group": 762, "row_count": 26, "value": 4}, {"group": 1016, "row_count": 26, "value": 3}], "uniform": [{"group": 0, "row_count": 26, "value": 26}], "degree": [{"group": 23, "row_count": 26, "value": 26}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 23}, "size": 26, "degree": 23}, {"id": 221, "name": 221, "tooltip": "221 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 8.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [284, 285, 286, 287, 288, 289, 290, 291], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 8.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 0, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 1, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 254, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 6, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 6}, "size": 8, "degree": 6}, {"id": 222, "name": 222, "tooltip": "222 (size: 16)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 3.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 12.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [281, 282, 544, 727, 728, 729, 934, 935, 936, 937, 938, 939, 940, 941, 942, 943], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 16.0}, {"label": 1.0, "group": 1.0, "value": 3.0, "row_count": 16.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 16.0}, {"label": 3.0, "group": 3.0, "value": 12.0, "row_count": 16.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 16.0}], "0": [{"group": 0, "row_count": 16, "value": 16}], "1": [{"group": 0, "row_count": 16, "value": 13}, {"group": 1, "row_count": 16, "value": 3}], "2": [{"group": 0, "row_count": 16, "value": 15}, {"group": 1, "row_count": 16, "value": 1}], "3": [{"group": 1, "row_count": 16, "value": 12}, {"group": 0, "row_count": 16, "value": 4}], "4": [{"group": 0, "row_count": 16, "value": 16}], "data_id": [{"group": 1016, "row_count": 16, "value": 10}, {"group": 762, "row_count": 16, "value": 4}, {"group": 254, "row_count": 16, "value": 2}], "uniform": [{"group": 0, "row_count": 16, "value": 16}], "degree": [{"group": 14, "row_count": 16, "value": 16}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 14}, "size": 16, "degree": 14}, {"id": 223, "name": 223, "tooltip": "223 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 12.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 941, 942], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 12.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 1, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 254, "row_count": 12, "value": 10}, {"group": 1016, "row_count": 12, "value": 2}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 8, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 8}, "size": 12, "degree": 8}, {"id": 224, "name": 224, "tooltip": "224 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 8.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [277, 278, 279, 280, 281, 282, 283, 284], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 8.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 0, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 1, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 254, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 5, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 5}, "size": 8, "degree": 5}, {"id": 225, "name": 225, "tooltip": "225 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 11.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [272, 273, 274, 275, 276, 277, 278, 279, 280, 281, 282], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 11.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 0, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 1, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 254, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 5, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 5}, "size": 11, "degree": 5}, {"id": 226, "name": 226, "tooltip": "226 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 11.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 277], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 11.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 0, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 1, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 254, "row_count": 11, "value": 11}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 4, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 4}, "size": 11, "degree": 4}, {"id": 227, "name": 227, "tooltip": "227 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 4.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [264, 265, 266, 267], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 4.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 1, "row_count": 4, "value": 4}], "4": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 254, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 4, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 4}, "size": 4, "degree": 4}, {"id": 228, "name": 228, "tooltip": "228 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [263], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 1, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 229, "name": 229, "tooltip": "229 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 10.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [263, 264, 265, 266, 267, 268, 269, 270, 271, 272], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 10.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 1, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 254, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 6, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 6}, "size": 10, "degree": 6}, {"id": 230, "name": 230, "tooltip": "230 (size: 10)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 9.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [256, 257, 258, 259, 260, 261, 262, 263, 264, 902], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 9.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 9}, {"group": 1, "row_count": 10, "value": 1}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 1, "row_count": 10, "value": 9}, {"group": 0, "row_count": 10, "value": 1}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 254, "row_count": 10, "value": 9}, {"group": 1016, "row_count": 10, "value": 1}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 7, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 254, "uniform": 0, "degree": 7}, "size": 10, "degree": 7}, {"id": 231, "name": 231, "tooltip": "231 (size: 10)
\n \n \n 0.00 | \n 7.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 3.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [250, 251, 252, 253, 254, 255, 256, 257, 258, 259], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 7.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 3.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 1, "row_count": 10, "value": 7}, {"group": 0, "row_count": 10, "value": 3}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 7}, {"group": 1, "row_count": 10, "value": 3}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 254, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 2, "row_count": 10, "value": 10}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 2}, "size": 10, "degree": 2}, {"id": 232, "name": 232, "tooltip": "232 (size: 9)
\n \n \n 0.00 | \n 8.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [248, 249, 250, 251, 252, 253, 254, 255, 256], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 8.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 1, "row_count": 9, "value": 8}, {"group": 0, "row_count": 9, "value": 1}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 8}, {"group": 1, "row_count": 9, "value": 1}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 254, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 3, "row_count": 9, "value": 9}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 3}, "size": 9, "degree": 3}, {"id": 233, "name": 233, "tooltip": "233 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [247], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 1, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 1}, "size": 1, "degree": 1}, {"id": 234, "name": 234, "tooltip": "234 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [246], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 235, "name": 235, "tooltip": "235 (size: 3)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 3.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [241, 242, 243], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 3.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 3.0}, {"label": 2.0, "group": 2.0, "value": 3.0, "row_count": 3.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 3.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 3.0}], "0": [{"group": 0, "row_count": 3, "value": 3}], "1": [{"group": 0, "row_count": 3, "value": 3}], "2": [{"group": 1, "row_count": 3, "value": 3}], "3": [{"group": 0, "row_count": 3, "value": 3}], "4": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 254, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 3, "row_count": 3, "value": 3}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 3}, "size": 3, "degree": 3}, {"id": 236, "name": 236, "tooltip": "236 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 5.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [241, 242, 243, 244, 245], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 5.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 1, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 254, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 3, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 3}, "size": 5, "degree": 3}, {"id": 237, "name": 237, "tooltip": "237 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [235], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 238, "name": 238, "tooltip": "238 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [234, 235], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 1, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 254, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 5, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 5}, "size": 2, "degree": 5}, {"id": 239, "name": 239, "tooltip": "239 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 9.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [234, 235, 236, 237, 238, 239, 240, 241, 242], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 9.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 1, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 254, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 8, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 8}, "size": 9, "degree": 8}, {"id": 240, "name": 240, "tooltip": "240 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [230], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 241, "name": 241, "tooltip": "241 (size: 22)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 8.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 14.00 | \n
\n \n
", "members": [230, 395, 460, 461, 465, 466, 467, 468, 469, 470, 471, 472, 473, 474, 528, 529, 530, 531, 532, 533, 534, 785], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 22.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 22.0}, {"label": 2.0, "group": 2.0, "value": 8.0, "row_count": 22.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 22.0}, {"label": 4.0, "group": 4.0, "value": 14.0, "row_count": 22.0}], "0": [{"group": 0, "row_count": 22, "value": 22}], "1": [{"group": 0, "row_count": 22, "value": 22}], "2": [{"group": 0, "row_count": 22, "value": 14}, {"group": 1, "row_count": 22, "value": 8}], "3": [{"group": 0, "row_count": 22, "value": 22}], "4": [{"group": 1, "row_count": 22, "value": 14}, {"group": 0, "row_count": 22, "value": 8}], "data_id": [{"group": 508, "row_count": 22, "value": 20}, {"group": 254, "row_count": 22, "value": 1}, {"group": 1016, "row_count": 22, "value": 1}], "uniform": [{"group": 0, "row_count": 22, "value": 22}], "degree": [{"group": 32, "row_count": 22, "value": 22}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 32}, "size": 22, "degree": 32}, {"id": 242, "name": 242, "tooltip": "242 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 5.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [229, 230, 231, 232, 233], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 5.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 1, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 254, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 6, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 6}, "size": 5, "degree": 6}, {"id": 243, "name": 243, "tooltip": "243 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 4.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [228, 229, 230, 231], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 4.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 0, "row_count": 4, "value": 4}], "2": [{"group": 1, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 254, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 9, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 9}, "size": 4, "degree": 9}, {"id": 244, "name": 244, "tooltip": "244 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 10.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [228, 229, 230, 231, 232, 233, 234, 235, 236, 237], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 10.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 1, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 254, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 14, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 14}, "size": 10, "degree": 14}, {"id": 245, "name": 245, "tooltip": "245 (size: 19)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 10.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 9.00 | \n
\n \n
", "members": [219, 220, 228, 246, 548, 549, 550, 551, 552, 576, 793, 794, 795, 796, 797, 798, 799, 800, 801], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 19.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 19.0}, {"label": 2.0, "group": 2.0, "value": 10.0, "row_count": 19.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 19.0}, {"label": 4.0, "group": 4.0, "value": 9.0, "row_count": 19.0}], "0": [{"group": 0, "row_count": 19, "value": 19}], "1": [{"group": 0, "row_count": 19, "value": 19}], "2": [{"group": 1, "row_count": 19, "value": 10}, {"group": 0, "row_count": 19, "value": 9}], "3": [{"group": 0, "row_count": 19, "value": 19}], "4": [{"group": 0, "row_count": 19, "value": 10}, {"group": 1, "row_count": 19, "value": 9}], "data_id": [{"group": 1016, "row_count": 19, "value": 9}, {"group": 762, "row_count": 19, "value": 6}, {"group": 254, "row_count": 19, "value": 4}], "uniform": [{"group": 0, "row_count": 19, "value": 19}], "degree": [{"group": 26, "row_count": 19, "value": 19}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 26}, "size": 19, "degree": 26}, {"id": 246, "name": 246, "tooltip": "246 (size: 20)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 6.00 | \n
\n \n 3.00 | \n 12.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [216, 598, 599, 600, 601, 602, 830, 831, 965, 966, 982, 983, 984, 985, 986, 987, 988, 989, 990, 991], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 20.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 20.0}, {"label": 2.0, "group": 2.0, "value": 6.0, "row_count": 20.0}, {"label": 3.0, "group": 3.0, "value": 12.0, "row_count": 20.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 20.0}], "0": [{"group": 0, "row_count": 20, "value": 20}], "1": [{"group": 0, "row_count": 20, "value": 20}], "2": [{"group": 0, "row_count": 20, "value": 14}, {"group": 1, "row_count": 20, "value": 6}], "3": [{"group": 1, "row_count": 20, "value": 12}, {"group": 0, "row_count": 20, "value": 8}], "4": [{"group": 0, "row_count": 20, "value": 18}, {"group": 1, "row_count": 20, "value": 2}], "data_id": [{"group": 1016, "row_count": 20, "value": 14}, {"group": 762, "row_count": 20, "value": 5}, {"group": 254, "row_count": 20, "value": 1}], "uniform": [{"group": 0, "row_count": 20, "value": 20}], "degree": [{"group": 24, "row_count": 20, "value": 20}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 24}, "size": 20, "degree": 24}, {"id": 247, "name": 247, "tooltip": "247 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [213], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 248, "name": 248, "tooltip": "248 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [209], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 7, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 7}, "size": 1, "degree": 7}, {"id": 249, "name": 249, "tooltip": "249 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 5.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [209, 210, 211, 212, 213], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 5.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 1, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 254, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 10, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 10}, "size": 5, "degree": 10}, {"id": 250, "name": 250, "tooltip": "250 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 12.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 12.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 1, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 254, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 14, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 14}, "size": 12, "degree": 14}, {"id": 251, "name": 251, "tooltip": "251 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [208], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 7, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 7}, "size": 1, "degree": 7}, {"id": 252, "name": 252, "tooltip": "252 (size: 6)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 6.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [208, 209, 210, 211, 212, 213], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 6.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 6.0}, {"label": 2.0, "group": 2.0, "value": 6.0, "row_count": 6.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 6.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 6.0}], "0": [{"group": 0, "row_count": 6, "value": 6}], "1": [{"group": 0, "row_count": 6, "value": 6}], "2": [{"group": 1, "row_count": 6, "value": 6}], "3": [{"group": 0, "row_count": 6, "value": 6}], "4": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 254, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 13, "row_count": 6, "value": 6}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 13}, "size": 6, "degree": 13}, {"id": 253, "name": 253, "tooltip": "253 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [201], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 254, "name": 254, "tooltip": "254 (size: 21)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 20.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [201, 202, 203, 204, 241, 242, 243, 244, 245, 246, 247, 248, 249, 593, 594, 595, 596, 597, 598, 599, 600], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 21.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 21.0}, {"label": 2.0, "group": 2.0, "value": 20.0, "row_count": 21.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 21.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 21.0}], "0": [{"group": 0, "row_count": 21, "value": 20}, {"group": 1, "row_count": 21, "value": 1}], "1": [{"group": 0, "row_count": 21, "value": 21}], "2": [{"group": 1, "row_count": 21, "value": 20}, {"group": 0, "row_count": 21, "value": 1}], "3": [{"group": 0, "row_count": 21, "value": 21}], "4": [{"group": 0, "row_count": 21, "value": 21}], "data_id": [{"group": 254, "row_count": 21, "value": 13}, {"group": 762, "row_count": 21, "value": 8}], "uniform": [{"group": 0, "row_count": 21, "value": 21}], "degree": [{"group": 20, "row_count": 21, "value": 21}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 20}, "size": 21, "degree": 20}, {"id": 255, "name": 255, "tooltip": "255 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [200], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 256, "name": 256, "tooltip": "256 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 12.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 12.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 1, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 254, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 18, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 18}, "size": 12, "degree": 18}, {"id": 257, "name": 257, "tooltip": "257 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 12.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 12.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 1, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 254, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 11, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 11}, "size": 12, "degree": 11}, {"id": 258, "name": 258, "tooltip": "258 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [191], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 5, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 5}, "size": 1, "degree": 5}, {"id": 259, "name": 259, "tooltip": "259 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 11.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [191, 616, 617, 618, 619, 620, 621, 622, 623, 624, 625], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 11.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 0, "row_count": 11, "value": 11}], "2": [{"group": 1, "row_count": 11, "value": 11}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 762, "row_count": 11, "value": 10}, {"group": 254, "row_count": 11, "value": 1}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 7, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 7}, "size": 11, "degree": 7}, {"id": 260, "name": 260, "tooltip": "260 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [188, 189], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 1, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 254, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 261, "name": 261, "tooltip": "261 (size: 20)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 8.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 12.00 | \n
\n \n
", "members": [188, 189, 208, 222, 571, 602, 603, 604, 837, 838, 839, 840, 841, 842, 843, 844, 851, 852, 853, 854], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 20.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 20.0}, {"label": 2.0, "group": 2.0, "value": 8.0, "row_count": 20.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 20.0}, {"label": 4.0, "group": 4.0, "value": 12.0, "row_count": 20.0}], "0": [{"group": 0, "row_count": 20, "value": 20}], "1": [{"group": 0, "row_count": 20, "value": 20}], "2": [{"group": 0, "row_count": 20, "value": 12}, {"group": 1, "row_count": 20, "value": 8}], "3": [{"group": 0, "row_count": 20, "value": 20}], "4": [{"group": 1, "row_count": 20, "value": 12}, {"group": 0, "row_count": 20, "value": 8}], "data_id": [{"group": 1016, "row_count": 20, "value": 12}, {"group": 254, "row_count": 20, "value": 4}, {"group": 762, "row_count": 20, "value": 4}], "uniform": [{"group": 0, "row_count": 20, "value": 20}], "degree": [{"group": 29, "row_count": 20, "value": 20}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 29}, "size": 20, "degree": 29}, {"id": 262, "name": 262, "tooltip": "262 (size: 22)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 22.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [184, 185, 187, 199, 568, 569, 570, 571, 576, 577, 578, 579, 580, 581, 582, 583, 584, 585, 586, 587, 588, 604], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 22.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 22.0}, {"label": 2.0, "group": 2.0, "value": 22.0, "row_count": 22.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 22.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 22.0}], "0": [{"group": 0, "row_count": 22, "value": 22}], "1": [{"group": 0, "row_count": 22, "value": 22}], "2": [{"group": 1, "row_count": 22, "value": 22}], "3": [{"group": 0, "row_count": 22, "value": 22}], "4": [{"group": 0, "row_count": 22, "value": 22}], "data_id": [{"group": 762, "row_count": 22, "value": 18}, {"group": 254, "row_count": 22, "value": 4}], "uniform": [{"group": 0, "row_count": 22, "value": 22}], "degree": [{"group": 23, "row_count": 22, "value": 22}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 23}, "size": 22, "degree": 23}, {"id": 263, "name": 263, "tooltip": "263 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [183], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 264, "name": 264, "tooltip": "264 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [182, 183], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 1, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 254, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 7, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 7}, "size": 2, "degree": 7}, {"id": 265, "name": 265, "tooltip": "265 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [180, 181], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 1, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 254, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 6, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 6}, "size": 2, "degree": 6}, {"id": 266, "name": 266, "tooltip": "266 (size: 26)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 26.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [180, 181, 182, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 565, 566, 567, 568, 587, 588, 590, 591, 592, 593, 594, 618], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 26.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 26.0}, {"label": 2.0, "group": 2.0, "value": 26.0, "row_count": 26.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 26.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 26.0}], "0": [{"group": 0, "row_count": 26, "value": 26}], "1": [{"group": 0, "row_count": 26, "value": 26}], "2": [{"group": 1, "row_count": 26, "value": 26}], "3": [{"group": 0, "row_count": 26, "value": 26}], "4": [{"group": 0, "row_count": 26, "value": 26}], "data_id": [{"group": 254, "row_count": 26, "value": 14}, {"group": 762, "row_count": 26, "value": 12}], "uniform": [{"group": 0, "row_count": 26, "value": 26}], "degree": [{"group": 25, "row_count": 26, "value": 26}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 25}, "size": 26, "degree": 25}, {"id": 267, "name": 267, "tooltip": "267 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 5.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [180, 181, 182, 183, 184], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 5.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 1, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 254, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 9, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 9}, "size": 5, "degree": 9}, {"id": 268, "name": 268, "tooltip": "268 (size: 7)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 7.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [179, 180, 181, 182, 183, 184, 185], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 7.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 7.0}, {"label": 2.0, "group": 2.0, "value": 7.0, "row_count": 7.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 7.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 7.0}], "0": [{"group": 0, "row_count": 7, "value": 7}], "1": [{"group": 0, "row_count": 7, "value": 7}], "2": [{"group": 1, "row_count": 7, "value": 7}], "3": [{"group": 0, "row_count": 7, "value": 7}], "4": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 254, "row_count": 7, "value": 7}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 9, "row_count": 7, "value": 7}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 9}, "size": 7, "degree": 9}, {"id": 269, "name": 269, "tooltip": "269 (size: 27)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 23.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 4.00 | \n
\n \n
", "members": [179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 198, 200, 208, 571, 584, 585, 586, 587, 588, 589, 828, 837, 838, 839], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 27.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 27.0}, {"label": 2.0, "group": 2.0, "value": 23.0, "row_count": 27.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 27.0}, {"label": 4.0, "group": 4.0, "value": 4.0, "row_count": 27.0}], "0": [{"group": 0, "row_count": 27, "value": 27}], "1": [{"group": 0, "row_count": 27, "value": 27}], "2": [{"group": 1, "row_count": 27, "value": 23}, {"group": 0, "row_count": 27, "value": 4}], "3": [{"group": 0, "row_count": 27, "value": 27}], "4": [{"group": 0, "row_count": 27, "value": 23}, {"group": 1, "row_count": 27, "value": 4}], "data_id": [{"group": 254, "row_count": 27, "value": 16}, {"group": 762, "row_count": 27, "value": 7}, {"group": 1016, "row_count": 27, "value": 4}], "uniform": [{"group": 0, "row_count": 27, "value": 27}], "degree": [{"group": 30, "row_count": 27, "value": 27}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 30}, "size": 27, "degree": 30}, {"id": 270, "name": 270, "tooltip": "270 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [177], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 271, "name": 271, "tooltip": "271 (size: 19)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 7.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 12.00 | \n
\n \n
", "members": [177, 222, 228, 229, 230, 231, 551, 790, 791, 841, 842, 843, 844, 845, 846, 847, 848, 849, 850], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 19.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 19.0}, {"label": 2.0, "group": 2.0, "value": 7.0, "row_count": 19.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 19.0}, {"label": 4.0, "group": 4.0, "value": 12.0, "row_count": 19.0}], "0": [{"group": 0, "row_count": 19, "value": 19}], "1": [{"group": 0, "row_count": 19, "value": 19}], "2": [{"group": 0, "row_count": 19, "value": 12}, {"group": 1, "row_count": 19, "value": 7}], "3": [{"group": 0, "row_count": 19, "value": 19}], "4": [{"group": 1, "row_count": 19, "value": 12}, {"group": 0, "row_count": 19, "value": 7}], "data_id": [{"group": 1016, "row_count": 19, "value": 12}, {"group": 254, "row_count": 19, "value": 6}, {"group": 762, "row_count": 19, "value": 1}], "uniform": [{"group": 0, "row_count": 19, "value": 19}], "degree": [{"group": 23, "row_count": 19, "value": 19}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 23}, "size": 19, "degree": 23}, {"id": 272, "name": 272, "tooltip": "272 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 11.00 | \n
\n \n
", "members": [176, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 11.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 11}, {"group": 1, "row_count": 12, "value": 1}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 1, "row_count": 12, "value": 11}, {"group": 0, "row_count": 12, "value": 1}], "data_id": [{"group": 508, "row_count": 12, "value": 11}, {"group": 254, "row_count": 12, "value": 1}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 13, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 13}, "size": 12, "degree": 13}, {"id": 273, "name": 273, "tooltip": "273 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 10.00 | \n
\n \n
", "members": [176, 410, 411, 412, 413, 414, 415, 416, 417, 418, 419], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 10.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 0, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 10}, {"group": 1, "row_count": 11, "value": 1}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 1, "row_count": 11, "value": 10}, {"group": 0, "row_count": 11, "value": 1}], "data_id": [{"group": 508, "row_count": 11, "value": 10}, {"group": 254, "row_count": 11, "value": 1}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 9, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 9}, "size": 11, "degree": 9}, {"id": 274, "name": 274, "tooltip": "274 (size: 6)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 6.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [172, 173, 174, 175, 176, 177], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 6.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 6.0}, {"label": 2.0, "group": 2.0, "value": 6.0, "row_count": 6.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 6.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 6.0}], "0": [{"group": 0, "row_count": 6, "value": 6}], "1": [{"group": 0, "row_count": 6, "value": 6}], "2": [{"group": 1, "row_count": 6, "value": 6}], "3": [{"group": 0, "row_count": 6, "value": 6}], "4": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 254, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 11, "row_count": 6, "value": 6}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 11}, "size": 6, "degree": 11}, {"id": 275, "name": 275, "tooltip": "275 (size: 7)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 7.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [171, 172, 173, 174, 175, 176, 177], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 7.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 7.0}, {"label": 2.0, "group": 2.0, "value": 7.0, "row_count": 7.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 7.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 7.0}], "0": [{"group": 0, "row_count": 7, "value": 7}], "1": [{"group": 0, "row_count": 7, "value": 7}], "2": [{"group": 1, "row_count": 7, "value": 7}], "3": [{"group": 0, "row_count": 7, "value": 7}], "4": [{"group": 0, "row_count": 7, "value": 7}], "data_id": [{"group": 254, "row_count": 7, "value": 7}], "uniform": [{"group": 0, "row_count": 7, "value": 7}], "degree": [{"group": 11, "row_count": 7, "value": 7}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 11}, "size": 7, "degree": 11}, {"id": 276, "name": 276, "tooltip": "276 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [169, 170], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 1, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 254, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 3, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 3}, "size": 2, "degree": 3}, {"id": 277, "name": 277, "tooltip": "277 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 5.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [169, 170, 171, 172, 173], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 5.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 0, "row_count": 5, "value": 5}], "2": [{"group": 1, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 254, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 6, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 6}, "size": 5, "degree": 6}, {"id": 278, "name": 278, "tooltip": "278 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 9.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [168, 169, 170, 171, 172, 173, 174, 175, 176], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 9.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 9}], "2": [{"group": 1, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 254, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 10, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 10}, "size": 9, "degree": 10}, {"id": 279, "name": 279, "tooltip": "279 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [165, 166], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 1, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 254, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 5, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 5}, "size": 2, "degree": 5}, {"id": 280, "name": 280, "tooltip": "280 (size: 41)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 35.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 6.00 | \n
\n \n
", "members": [164, 165, 166, 167, 168, 192, 193, 198, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 476, 547, 548, 549, 550, 586, 587, 588, 589, 590, 591, 592, 593, 602, 796, 841, 842, 843, 844], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 41.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 41.0}, {"label": 2.0, "group": 2.0, "value": 35.0, "row_count": 41.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 41.0}, {"label": 4.0, "group": 4.0, "value": 6.0, "row_count": 41.0}], "0": [{"group": 0, "row_count": 41, "value": 41}], "1": [{"group": 0, "row_count": 41, "value": 41}], "2": [{"group": 1, "row_count": 41, "value": 35}, {"group": 0, "row_count": 41, "value": 6}], "3": [{"group": 0, "row_count": 41, "value": 41}], "4": [{"group": 0, "row_count": 41, "value": 35}, {"group": 1, "row_count": 41, "value": 6}], "data_id": [{"group": 254, "row_count": 41, "value": 22}, {"group": 762, "row_count": 41, "value": 13}, {"group": 1016, "row_count": 41, "value": 5}, {"group": 508, "row_count": 41, "value": 1}], "uniform": [{"group": 0, "row_count": 41, "value": 41}], "degree": [{"group": 34, "row_count": 41, "value": 41}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 34}, "size": 41, "degree": 34}, {"id": 281, "name": 281, "tooltip": "281 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [162], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 282, "name": 282, "tooltip": "282 (size: 62)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 52.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 10.00 | \n
\n \n
", "members": [162, 163, 164, 165, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 188, 189, 190, 191, 192, 193, 200, 208, 209, 223, 224, 225, 226, 227, 228, 229, 230, 231, 416, 417, 418, 419, 548, 549, 550, 551, 552, 564, 565, 566, 567, 569, 570, 571, 572, 573, 574, 575, 576, 796, 812, 813, 828, 838, 844], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 62.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 62.0}, {"label": 2.0, "group": 2.0, "value": 52.0, "row_count": 62.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 62.0}, {"label": 4.0, "group": 4.0, "value": 10.0, "row_count": 62.0}], "0": [{"group": 0, "row_count": 62, "value": 62}], "1": [{"group": 0, "row_count": 62, "value": 62}], "2": [{"group": 1, "row_count": 62, "value": 52}, {"group": 0, "row_count": 62, "value": 10}], "3": [{"group": 0, "row_count": 62, "value": 62}], "4": [{"group": 0, "row_count": 62, "value": 52}, {"group": 1, "row_count": 62, "value": 10}], "data_id": [{"group": 254, "row_count": 62, "value": 35}, {"group": 762, "row_count": 62, "value": 17}, {"group": 1016, "row_count": 62, "value": 6}, {"group": 508, "row_count": 62, "value": 4}], "uniform": [{"group": 0, "row_count": 62, "value": 62}], "degree": [{"group": 68, "row_count": 62, "value": 62}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 68}, "size": 62, "degree": 68}, {"id": 283, "name": 283, "tooltip": "283 (size: 41)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 32.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 9.00 | \n
\n \n
", "members": [162, 163, 164, 165, 166, 167, 168, 175, 176, 177, 178, 199, 217, 218, 219, 220, 228, 548, 549, 550, 551, 552, 571, 572, 573, 574, 575, 576, 577, 578, 579, 598, 796, 810, 811, 812, 813, 814, 815, 816, 817], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 41.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 41.0}, {"label": 2.0, "group": 2.0, "value": 32.0, "row_count": 41.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 41.0}, {"label": 4.0, "group": 4.0, "value": 9.0, "row_count": 41.0}], "0": [{"group": 0, "row_count": 41, "value": 41}], "1": [{"group": 0, "row_count": 41, "value": 41}], "2": [{"group": 1, "row_count": 41, "value": 32}, {"group": 0, "row_count": 41, "value": 9}], "3": [{"group": 0, "row_count": 41, "value": 41}], "4": [{"group": 0, "row_count": 41, "value": 32}, {"group": 1, "row_count": 41, "value": 9}], "data_id": [{"group": 254, "row_count": 41, "value": 17}, {"group": 762, "row_count": 41, "value": 15}, {"group": 1016, "row_count": 41, "value": 9}], "uniform": [{"group": 0, "row_count": 41, "value": 41}], "degree": [{"group": 47, "row_count": 41, "value": 41}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 47}, "size": 41, "degree": 47}, {"id": 284, "name": 284, "tooltip": "284 (size: 41)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 41.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 175, 176, 211, 212, 215, 216, 217, 218, 219, 220, 221, 222, 223, 234, 235, 236, 237, 548, 549, 556, 557, 558, 559, 560, 573, 575, 602, 611, 612], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 41.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 41.0}, {"label": 2.0, "group": 2.0, "value": 41.0, "row_count": 41.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 41.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 41.0}], "0": [{"group": 0, "row_count": 41, "value": 41}], "1": [{"group": 0, "row_count": 41, "value": 41}], "2": [{"group": 1, "row_count": 41, "value": 41}], "3": [{"group": 0, "row_count": 41, "value": 41}], "4": [{"group": 0, "row_count": 41, "value": 41}], "data_id": [{"group": 254, "row_count": 41, "value": 29}, {"group": 762, "row_count": 41, "value": 12}], "uniform": [{"group": 0, "row_count": 41, "value": 41}], "degree": [{"group": 43, "row_count": 41, "value": 41}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 43}, "size": 41, "degree": 43}, {"id": 285, "name": 285, "tooltip": "285 (size: 6)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 6.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [156, 157, 158, 159, 160, 161], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 6.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 6.0}, {"label": 2.0, "group": 2.0, "value": 6.0, "row_count": 6.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 6.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 6.0}], "0": [{"group": 0, "row_count": 6, "value": 6}], "1": [{"group": 0, "row_count": 6, "value": 6}], "2": [{"group": 1, "row_count": 6, "value": 6}], "3": [{"group": 0, "row_count": 6, "value": 6}], "4": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 254, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 4, "row_count": 6, "value": 6}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 4}, "size": 6, "degree": 4}, {"id": 286, "name": 286, "tooltip": "286 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [155], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 287, "name": 287, "tooltip": "287 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [155, 156], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 1, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 254, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 288, "name": 288, "tooltip": "288 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 12.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 12.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 0, "row_count": 12, "value": 12}], "2": [{"group": 1, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 254, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 11, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 11}, "size": 12, "degree": 11}, {"id": 289, "name": 289, "tooltip": "289 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [146, 147], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 0, "row_count": 2, "value": 2}], "2": [{"group": 1, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 254, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 4, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 4}, "size": 2, "degree": 4}, {"id": 290, "name": 290, "tooltip": "290 (size: 16)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 14.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 208, 209, 433, 434], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 16.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 16.0}, {"label": 2.0, "group": 2.0, "value": 14.0, "row_count": 16.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 16.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 16.0}], "0": [{"group": 0, "row_count": 16, "value": 16}], "1": [{"group": 0, "row_count": 16, "value": 16}], "2": [{"group": 1, "row_count": 16, "value": 14}, {"group": 0, "row_count": 16, "value": 2}], "3": [{"group": 0, "row_count": 16, "value": 16}], "4": [{"group": 0, "row_count": 16, "value": 14}, {"group": 1, "row_count": 16, "value": 2}], "data_id": [{"group": 254, "row_count": 16, "value": 14}, {"group": 508, "row_count": 16, "value": 2}], "uniform": [{"group": 0, "row_count": 16, "value": 16}], "degree": [{"group": 20, "row_count": 16, "value": 16}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 20}, "size": 16, "degree": 20}, {"id": 291, "name": 291, "tooltip": "291 (size: 22)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 13.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 9.00 | \n
\n \n
", "members": [141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 430, 431, 432, 433, 434, 435, 436, 437, 438], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 22.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 22.0}, {"label": 2.0, "group": 2.0, "value": 13.0, "row_count": 22.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 22.0}, {"label": 4.0, "group": 4.0, "value": 9.0, "row_count": 22.0}], "0": [{"group": 0, "row_count": 22, "value": 22}], "1": [{"group": 0, "row_count": 22, "value": 22}], "2": [{"group": 1, "row_count": 22, "value": 13}, {"group": 0, "row_count": 22, "value": 9}], "3": [{"group": 0, "row_count": 22, "value": 22}], "4": [{"group": 0, "row_count": 22, "value": 13}, {"group": 1, "row_count": 22, "value": 9}], "data_id": [{"group": 254, "row_count": 22, "value": 13}, {"group": 508, "row_count": 22, "value": 9}], "uniform": [{"group": 0, "row_count": 22, "value": 22}], "degree": [{"group": 16, "row_count": 22, "value": 22}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 16}, "size": 22, "degree": 16}, {"id": 292, "name": 292, "tooltip": "292 (size: 44)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 42.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 2.00 | \n
\n \n
", "members": [140, 177, 179, 180, 181, 182, 183, 190, 191, 192, 193, 194, 199, 200, 208, 209, 563, 564, 565, 566, 567, 568, 569, 570, 571, 572, 576, 577, 578, 579, 580, 581, 582, 592, 593, 602, 603, 604, 605, 606, 607, 608, 838, 839], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 44.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 44.0}, {"label": 2.0, "group": 2.0, "value": 42.0, "row_count": 44.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 44.0}, {"label": 4.0, "group": 4.0, "value": 2.0, "row_count": 44.0}], "0": [{"group": 0, "row_count": 44, "value": 44}], "1": [{"group": 0, "row_count": 44, "value": 44}], "2": [{"group": 1, "row_count": 44, "value": 42}, {"group": 0, "row_count": 44, "value": 2}], "3": [{"group": 0, "row_count": 44, "value": 44}], "4": [{"group": 0, "row_count": 44, "value": 42}, {"group": 1, "row_count": 44, "value": 2}], "data_id": [{"group": 762, "row_count": 44, "value": 26}, {"group": 254, "row_count": 44, "value": 16}, {"group": 1016, "row_count": 44, "value": 2}], "uniform": [{"group": 0, "row_count": 44, "value": 44}], "degree": [{"group": 52, "row_count": 44, "value": 44}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 52}, "size": 44, "degree": 52}, {"id": 293, "name": 293, "tooltip": "293 (size: 21)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 20.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [138, 139, 140, 141, 142, 234, 235, 396, 568, 569, 603, 604, 605, 606, 607, 608, 609, 610, 611, 612, 613], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 21.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 21.0}, {"label": 2.0, "group": 2.0, "value": 20.0, "row_count": 21.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 21.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 21.0}], "0": [{"group": 0, "row_count": 21, "value": 21}], "1": [{"group": 0, "row_count": 21, "value": 21}], "2": [{"group": 1, "row_count": 21, "value": 20}, {"group": 0, "row_count": 21, "value": 1}], "3": [{"group": 0, "row_count": 21, "value": 21}], "4": [{"group": 0, "row_count": 21, "value": 20}, {"group": 1, "row_count": 21, "value": 1}], "data_id": [{"group": 762, "row_count": 21, "value": 13}, {"group": 254, "row_count": 21, "value": 7}, {"group": 508, "row_count": 21, "value": 1}], "uniform": [{"group": 0, "row_count": 21, "value": 21}], "degree": [{"group": 26, "row_count": 21, "value": 21}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 26}, "size": 21, "degree": 26}, {"id": 294, "name": 294, "tooltip": "294 (size: 6)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 6.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [137, 138, 139, 140, 141, 142], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 6.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 6.0}, {"label": 2.0, "group": 2.0, "value": 6.0, "row_count": 6.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 6.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 6.0}], "0": [{"group": 0, "row_count": 6, "value": 6}], "1": [{"group": 0, "row_count": 6, "value": 6}], "2": [{"group": 1, "row_count": 6, "value": 6}], "3": [{"group": 0, "row_count": 6, "value": 6}], "4": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 254, "row_count": 6, "value": 6}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 9, "row_count": 6, "value": 6}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 9}, "size": 6, "degree": 9}, {"id": 295, "name": 295, "tooltip": "295 (size: 22)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 14.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 7.00 | \n
\n \n
", "members": [137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 396, 431, 432, 433, 434, 435, 436, 605, 606, 1015], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 22.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 22.0}, {"label": 2.0, "group": 2.0, "value": 14.0, "row_count": 22.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 22.0}, {"label": 4.0, "group": 4.0, "value": 7.0, "row_count": 22.0}], "0": [{"group": 0, "row_count": 22, "value": 22}], "1": [{"group": 0, "row_count": 22, "value": 22}], "2": [{"group": 1, "row_count": 22, "value": 14}, {"group": 0, "row_count": 22, "value": 8}], "3": [{"group": 0, "row_count": 22, "value": 21}, {"group": 1, "row_count": 22, "value": 1}], "4": [{"group": 0, "row_count": 22, "value": 15}, {"group": 1, "row_count": 22, "value": 7}], "data_id": [{"group": 254, "row_count": 22, "value": 13}, {"group": 508, "row_count": 22, "value": 7}, {"group": 762, "row_count": 22, "value": 2}], "uniform": [{"group": 0, "row_count": 22, "value": 22}], "degree": [{"group": 20, "row_count": 22, "value": 22}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 20}, "size": 22, "degree": 20}, {"id": 296, "name": 296, "tooltip": "296 (size: 26)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 19.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 7.00 | \n
\n \n
", "members": [136, 137, 138, 139, 140, 395, 397, 398, 399, 400, 401, 518, 519, 520, 521, 522, 523, 524, 525, 526, 527, 528, 529, 530, 531, 785], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 26.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 26.0}, {"label": 2.0, "group": 2.0, "value": 19.0, "row_count": 26.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 26.0}, {"label": 4.0, "group": 4.0, "value": 7.0, "row_count": 26.0}], "0": [{"group": 0, "row_count": 26, "value": 26}], "1": [{"group": 0, "row_count": 26, "value": 26}], "2": [{"group": 1, "row_count": 26, "value": 19}, {"group": 0, "row_count": 26, "value": 7}], "3": [{"group": 0, "row_count": 26, "value": 26}], "4": [{"group": 0, "row_count": 26, "value": 19}, {"group": 1, "row_count": 26, "value": 7}], "data_id": [{"group": 508, "row_count": 26, "value": 20}, {"group": 254, "row_count": 26, "value": 5}, {"group": 1016, "row_count": 26, "value": 1}], "uniform": [{"group": 0, "row_count": 26, "value": 26}], "degree": [{"group": 22, "row_count": 26, "value": 26}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 22}, "size": 26, "degree": 22}, {"id": 297, "name": 297, "tooltip": "297 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 10.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [136, 137, 138, 139, 140, 141, 142, 143, 144, 145], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 10.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 1, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 254, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 9, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 9}, "size": 10, "degree": 9}, {"id": 298, "name": 298, "tooltip": "298 (size: 36)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 25.00 | \n
\n \n 3.00 | \n 6.00 | \n
\n \n 4.00 | \n 5.00 | \n
\n \n
", "members": [134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 395, 396, 397, 398, 399, 522, 523, 524, 525, 526, 527, 528, 604, 605, 606, 607, 608, 956, 1011, 1012, 1013, 1014, 1015], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 36.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 36.0}, {"label": 2.0, "group": 2.0, "value": 25.0, "row_count": 36.0}, {"label": 3.0, "group": 3.0, "value": 6.0, "row_count": 36.0}, {"label": 4.0, "group": 4.0, "value": 5.0, "row_count": 36.0}], "0": [{"group": 0, "row_count": 36, "value": 36}], "1": [{"group": 0, "row_count": 36, "value": 36}], "2": [{"group": 1, "row_count": 36, "value": 25}, {"group": 0, "row_count": 36, "value": 11}], "3": [{"group": 0, "row_count": 36, "value": 30}, {"group": 1, "row_count": 36, "value": 6}], "4": [{"group": 0, "row_count": 36, "value": 31}, {"group": 1, "row_count": 36, "value": 5}], "data_id": [{"group": 254, "row_count": 36, "value": 18}, {"group": 508, "row_count": 36, "value": 12}, {"group": 762, "row_count": 36, "value": 5}, {"group": 1016, "row_count": 36, "value": 1}], "uniform": [{"group": 0, "row_count": 36, "value": 36}], "degree": [{"group": 29, "row_count": 36, "value": 36}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 29}, "size": 36, "degree": 29}, {"id": 299, "name": 299, "tooltip": "299 (size: 21)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 19.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 396, 522, 523, 524, 525, 526, 527, 528, 605, 606, 1015], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 21.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 21.0}, {"label": 2.0, "group": 2.0, "value": 19.0, "row_count": 21.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 21.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 21.0}], "0": [{"group": 0, "row_count": 21, "value": 21}], "1": [{"group": 0, "row_count": 21, "value": 21}], "2": [{"group": 1, "row_count": 21, "value": 19}, {"group": 0, "row_count": 21, "value": 2}], "3": [{"group": 0, "row_count": 21, "value": 20}, {"group": 1, "row_count": 21, "value": 1}], "4": [{"group": 0, "row_count": 21, "value": 20}, {"group": 1, "row_count": 21, "value": 1}], "data_id": [{"group": 254, "row_count": 21, "value": 11}, {"group": 508, "row_count": 21, "value": 8}, {"group": 762, "row_count": 21, "value": 2}], "uniform": [{"group": 0, "row_count": 21, "value": 21}], "degree": [{"group": 20, "row_count": 21, "value": 21}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 20}, "size": 21, "degree": 20}, {"id": 300, "name": 300, "tooltip": "300 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [132], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 1, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 301, "name": 301, "tooltip": "301 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 9.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [131, 132, 133, 134, 135, 136, 137, 138, 139, 427], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 9.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 0, "row_count": 10, "value": 10}], "2": [{"group": 1, "row_count": 10, "value": 9}, {"group": 0, "row_count": 10, "value": 1}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 9}, {"group": 1, "row_count": 10, "value": 1}], "data_id": [{"group": 254, "row_count": 10, "value": 9}, {"group": 508, "row_count": 10, "value": 1}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 15, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 15}, "size": 10, "degree": 15}, {"id": 302, "name": 302, "tooltip": "302 (size: 1)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [128], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 1, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 303, "name": 303, "tooltip": "303 (size: 17)
\n \n \n 0.00 | \n 11.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 5.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 1.00 | \n
\n \n
", "members": [123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 427, 506, 507, 508, 509, 510], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 11.0, "row_count": 17.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 17.0}, {"label": 2.0, "group": 2.0, "value": 5.0, "row_count": 17.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 17.0}, {"label": 4.0, "group": 4.0, "value": 1.0, "row_count": 17.0}], "0": [{"group": 1, "row_count": 17, "value": 11}, {"group": 0, "row_count": 17, "value": 6}], "1": [{"group": 0, "row_count": 17, "value": 17}], "2": [{"group": 0, "row_count": 17, "value": 12}, {"group": 1, "row_count": 17, "value": 5}], "3": [{"group": 0, "row_count": 17, "value": 17}], "4": [{"group": 0, "row_count": 17, "value": 16}, {"group": 1, "row_count": 17, "value": 1}], "data_id": [{"group": 254, "row_count": 17, "value": 11}, {"group": 508, "row_count": 17, "value": 6}], "uniform": [{"group": 0, "row_count": 17, "value": 17}], "degree": [{"group": 15, "row_count": 17, "value": 17}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 15}, "size": 17, "degree": 15}, {"id": 304, "name": 304, "tooltip": "304 (size: 14)
\n \n \n 0.00 | \n 8.00 | \n
\n \n 1.00 | \n 5.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [122, 123, 124, 376, 377, 378, 379, 380, 381, 700, 701, 702, 703, 704], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 8.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 5.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 14.0}], "0": [{"group": 1, "row_count": 14, "value": 8}, {"group": 0, "row_count": 14, "value": 6}], "1": [{"group": 0, "row_count": 14, "value": 9}, {"group": 1, "row_count": 14, "value": 5}], "2": [{"group": 0, "row_count": 14, "value": 14}], "3": [{"group": 0, "row_count": 14, "value": 13}, {"group": 1, "row_count": 14, "value": 1}], "4": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 508, "row_count": 14, "value": 6}, {"group": 762, "row_count": 14, "value": 5}, {"group": 254, "row_count": 14, "value": 3}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 5, "row_count": 14, "value": 14}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 5}, "size": 14, "degree": 5}, {"id": 305, "name": 305, "tooltip": "305 (size: 21)
\n \n \n 0.00 | \n 14.00 | \n
\n \n 1.00 | \n 4.00 | \n
\n \n 2.00 | \n 2.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [122, 123, 124, 125, 126, 127, 128, 129, 130, 376, 377, 378, 379, 380, 381, 382, 508, 701, 702, 703, 704], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 14.0, "row_count": 21.0}, {"label": 1.0, "group": 1.0, "value": 4.0, "row_count": 21.0}, {"label": 2.0, "group": 2.0, "value": 2.0, "row_count": 21.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 21.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 21.0}], "0": [{"group": 1, "row_count": 21, "value": 14}, {"group": 0, "row_count": 21, "value": 7}], "1": [{"group": 0, "row_count": 21, "value": 17}, {"group": 1, "row_count": 21, "value": 4}], "2": [{"group": 0, "row_count": 21, "value": 19}, {"group": 1, "row_count": 21, "value": 2}], "3": [{"group": 0, "row_count": 21, "value": 20}, {"group": 1, "row_count": 21, "value": 1}], "4": [{"group": 0, "row_count": 21, "value": 21}], "data_id": [{"group": 254, "row_count": 21, "value": 9}, {"group": 508, "row_count": 21, "value": 8}, {"group": 762, "row_count": 21, "value": 4}], "uniform": [{"group": 0, "row_count": 21, "value": 21}], "degree": [{"group": 10, "row_count": 21, "value": 21}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 10}, "size": 21, "degree": 10}, {"id": 306, "name": 306, "tooltip": "306 (size: 1)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 0.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [121], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 0.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 1, "row_count": 1, "value": 1}], "1": [{"group": 0, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 2, "row_count": 1, "value": 1}]}, "group": {"0": 1, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 2}, "size": 1, "degree": 2}, {"id": 307, "name": 307, "tooltip": "307 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 8.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [113, 114, 115, 116, 117, 118, 119, 120], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 8.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 1, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 0, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 254, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 5, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 5}, "size": 8, "degree": 5}, {"id": 308, "name": 308, "tooltip": "308 (size: 23)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 3.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 19.00 | \n
\n \n
", "members": [111, 112, 113, 266, 785, 786, 787, 788, 789, 790, 791, 792, 846, 847, 848, 849, 850, 871, 872, 873, 874, 875, 876], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 23.0}, {"label": 1.0, "group": 1.0, "value": 3.0, "row_count": 23.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 23.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 23.0}, {"label": 4.0, "group": 4.0, "value": 19.0, "row_count": 23.0}], "0": [{"group": 0, "row_count": 23, "value": 23}], "1": [{"group": 0, "row_count": 23, "value": 20}, {"group": 1, "row_count": 23, "value": 3}], "2": [{"group": 0, "row_count": 23, "value": 23}], "3": [{"group": 0, "row_count": 23, "value": 22}, {"group": 1, "row_count": 23, "value": 1}], "4": [{"group": 1, "row_count": 23, "value": 19}, {"group": 0, "row_count": 23, "value": 4}], "data_id": [{"group": 1016, "row_count": 23, "value": 19}, {"group": 254, "row_count": 23, "value": 4}], "uniform": [{"group": 0, "row_count": 23, "value": 23}], "degree": [{"group": 20, "row_count": 23, "value": 23}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 1016, "uniform": 0, "degree": 20}, "size": 23, "degree": 20}, {"id": 309, "name": 309, "tooltip": "309 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 9.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [109, 110, 111, 112, 113, 114, 115, 116, 117], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 9.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 1, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 254, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 6, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 6}, "size": 9, "degree": 6}, {"id": 310, "name": 310, "tooltip": "310 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 9.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [107, 108, 109, 110, 111, 112, 113, 114, 115], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 9.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 1, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 254, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 6, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 6}, "size": 9, "degree": 6}, {"id": 311, "name": 311, "tooltip": "311 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 8.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [105, 106, 107, 108, 109, 110, 111, 112], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 8.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 1, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 0, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 254, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 8, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 8}, "size": 8, "degree": 8}, {"id": 312, "name": 312, "tooltip": "312 (size: 3)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 3.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [104, 105, 106], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 3.0}, {"label": 1.0, "group": 1.0, "value": 3.0, "row_count": 3.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 3.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 3.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 3.0}], "0": [{"group": 0, "row_count": 3, "value": 3}], "1": [{"group": 1, "row_count": 3, "value": 3}], "2": [{"group": 0, "row_count": 3, "value": 3}], "3": [{"group": 0, "row_count": 3, "value": 3}], "4": [{"group": 0, "row_count": 3, "value": 3}], "data_id": [{"group": 254, "row_count": 3, "value": 3}], "uniform": [{"group": 0, "row_count": 3, "value": 3}], "degree": [{"group": 5, "row_count": 3, "value": 3}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 5}, "size": 3, "degree": 5}, {"id": 313, "name": 313, "tooltip": "313 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [98], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 1, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 7, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 7}, "size": 1, "degree": 7}, {"id": 314, "name": 314, "tooltip": "314 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 5.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [88, 89, 90, 91, 92], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 5.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 1, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 1016, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 7, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 7}, "size": 5, "degree": 7}, {"id": 315, "name": 315, "tooltip": "315 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [87], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 1, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 3, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 3}, "size": 1, "degree": 3}, {"id": 316, "name": 316, "tooltip": "316 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 8.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [87, 88, 89, 90, 91, 92, 93, 94], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 8.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 1, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 0, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 1016, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 10, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 10}, "size": 8, "degree": 10}, {"id": 317, "name": 317, "tooltip": "317 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [80], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 1, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 1016, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 6, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 6}, "size": 1, "degree": 6}, {"id": 318, "name": 318, "tooltip": "318 (size: 5)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 5.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [80, 81, 82, 83, 84], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 5.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 5}], "1": [{"group": 1, "row_count": 5, "value": 5}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 1016, "row_count": 5, "value": 5}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 9, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 9}, "size": 5, "degree": 9}, {"id": 319, "name": 319, "tooltip": "319 (size: 11)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 11.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 11.0}, {"label": 1.0, "group": 1.0, "value": 11.0, "row_count": 11.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 11.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 11.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 11.0}], "0": [{"group": 0, "row_count": 11, "value": 11}], "1": [{"group": 1, "row_count": 11, "value": 11}], "2": [{"group": 0, "row_count": 11, "value": 11}], "3": [{"group": 0, "row_count": 11, "value": 11}], "4": [{"group": 0, "row_count": 11, "value": 11}], "data_id": [{"group": 1016, "row_count": 11, "value": 6}, {"group": 762, "row_count": 11, "value": 5}], "uniform": [{"group": 0, "row_count": 11, "value": 11}], "degree": [{"group": 10, "row_count": 11, "value": 11}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 10}, "size": 11, "degree": 10}, {"id": 320, "name": 320, "tooltip": "320 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 10.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [72, 73, 74, 75, 76, 77, 78, 79, 80, 81], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 10.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 1, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 762, "row_count": 10, "value": 6}, {"group": 1016, "row_count": 10, "value": 4}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 8, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 8}, "size": 10, "degree": 8}, {"id": 321, "name": 321, "tooltip": "321 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 12.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 12.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 1, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 762, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 6, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 6}, "size": 12, "degree": 6}, {"id": 322, "name": 322, "tooltip": "322 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 12.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 12.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 1, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 762, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 5, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 12, "degree": 5}, {"id": 323, "name": 323, "tooltip": "323 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 12.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 12.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 1, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 762, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 5, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 5}, "size": 12, "degree": 5}, {"id": 324, "name": 324, "tooltip": "324 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 12.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 12.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 1, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 762, "row_count": 12, "value": 12}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 6, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 6}, "size": 12, "degree": 6}, {"id": 325, "name": 325, "tooltip": "325 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 9.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [53, 54, 55, 56, 57, 58, 59, 60, 61], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 9.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 1, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 762, "row_count": 9, "value": 7}, {"group": 508, "row_count": 9, "value": 2}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 6, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 6}, "size": 9, "degree": 6}, {"id": 326, "name": 326, "tooltip": "326 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 4.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [51, 52, 53, 54], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 4.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 1, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 508, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 7, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 7}, "size": 4, "degree": 7}, {"id": 327, "name": 327, "tooltip": "327 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 10.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [51, 52, 53, 54, 55, 56, 57, 58, 59, 60], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 10.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 1, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 762, "row_count": 10, "value": 6}, {"group": 508, "row_count": 10, "value": 4}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 9, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 9}, "size": 10, "degree": 9}, {"id": 328, "name": 328, "tooltip": "328 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [50], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 1, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 508, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 10, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 10}, "size": 1, "degree": 10}, {"id": 329, "name": 329, "tooltip": "329 (size: 25)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 11.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 12.00 | \n
\n \n
", "members": [50, 132, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429, 460, 537, 538, 539, 540, 541, 542, 543, 544, 545, 546, 935], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 25.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 25.0}, {"label": 2.0, "group": 2.0, "value": 11.0, "row_count": 25.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 25.0}, {"label": 4.0, "group": 4.0, "value": 12.0, "row_count": 25.0}], "0": [{"group": 0, "row_count": 25, "value": 25}], "1": [{"group": 0, "row_count": 25, "value": 24}, {"group": 1, "row_count": 25, "value": 1}], "2": [{"group": 0, "row_count": 25, "value": 14}, {"group": 1, "row_count": 25, "value": 11}], "3": [{"group": 0, "row_count": 25, "value": 24}, {"group": 1, "row_count": 25, "value": 1}], "4": [{"group": 0, "row_count": 25, "value": 13}, {"group": 1, "row_count": 25, "value": 12}], "data_id": [{"group": 508, "row_count": 25, "value": 17}, {"group": 762, "row_count": 25, "value": 6}, {"group": 254, "row_count": 25, "value": 1}, {"group": 1016, "row_count": 25, "value": 1}], "uniform": [{"group": 0, "row_count": 25, "value": 25}], "degree": [{"group": 31, "row_count": 25, "value": 25}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 31}, "size": 25, "degree": 31}, {"id": 330, "name": 330, "tooltip": "330 (size: 27)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 18.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 8.00 | \n
\n \n
", "members": [50, 132, 158, 210, 211, 212, 213, 214, 215, 426, 427, 428, 429, 459, 460, 461, 471, 532, 533, 534, 535, 536, 537, 538, 539, 540, 541], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 27.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 27.0}, {"label": 2.0, "group": 2.0, "value": 18.0, "row_count": 27.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 27.0}, {"label": 4.0, "group": 4.0, "value": 8.0, "row_count": 27.0}], "0": [{"group": 0, "row_count": 27, "value": 27}], "1": [{"group": 0, "row_count": 27, "value": 26}, {"group": 1, "row_count": 27, "value": 1}], "2": [{"group": 1, "row_count": 27, "value": 18}, {"group": 0, "row_count": 27, "value": 9}], "3": [{"group": 0, "row_count": 27, "value": 27}], "4": [{"group": 0, "row_count": 27, "value": 19}, {"group": 1, "row_count": 27, "value": 8}], "data_id": [{"group": 508, "row_count": 27, "value": 18}, {"group": 254, "row_count": 27, "value": 8}, {"group": 762, "row_count": 27, "value": 1}], "uniform": [{"group": 0, "row_count": 27, "value": 27}], "degree": [{"group": 36, "row_count": 27, "value": 27}]}, "group": {"0": 0, "1": 0, "2": 1, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 36}, "size": 27, "degree": 36}, {"id": 331, "name": 331, "tooltip": "331 (size: 15)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 5.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 10.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [50, 51, 52, 96, 97, 944, 995, 996, 997, 998, 999, 1000, 1001, 1002, 1003], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 15.0}, {"label": 1.0, "group": 1.0, "value": 5.0, "row_count": 15.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 15.0}, {"label": 3.0, "group": 3.0, "value": 10.0, "row_count": 15.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 15.0}], "0": [{"group": 0, "row_count": 15, "value": 15}], "1": [{"group": 0, "row_count": 15, "value": 10}, {"group": 1, "row_count": 15, "value": 5}], "2": [{"group": 0, "row_count": 15, "value": 15}], "3": [{"group": 1, "row_count": 15, "value": 10}, {"group": 0, "row_count": 15, "value": 5}], "4": [{"group": 0, "row_count": 15, "value": 15}], "data_id": [{"group": 1016, "row_count": 15, "value": 8}, {"group": 254, "row_count": 15, "value": 4}, {"group": 508, "row_count": 15, "value": 3}], "uniform": [{"group": 0, "row_count": 15, "value": 15}], "degree": [{"group": 20, "row_count": 15, "value": 15}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 1, "4": 0, "data_id": 1016, "uniform": 0, "degree": 20}, "size": 15, "degree": 20}, {"id": 332, "name": 332, "tooltip": "332 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 13.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 1.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [50, 51, 52, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 998], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 13.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 1.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 1, "row_count": 14, "value": 13}, {"group": 0, "row_count": 14, "value": 1}], "2": [{"group": 0, "row_count": 14, "value": 14}], "3": [{"group": 0, "row_count": 14, "value": 13}, {"group": 1, "row_count": 14, "value": 1}], "4": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 1016, "row_count": 14, "value": 11}, {"group": 508, "row_count": 14, "value": 3}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 20, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 20}, "size": 14, "degree": 20}, {"id": 333, "name": 333, "tooltip": "333 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 8.00 | \n
\n \n
", "members": [49, 453, 454, 455, 456, 457, 458, 459, 460], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 8.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 0, "row_count": 9, "value": 8}, {"group": 1, "row_count": 9, "value": 1}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 1, "row_count": 9, "value": 8}, {"group": 0, "row_count": 9, "value": 1}], "data_id": [{"group": 508, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 12, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 1, "data_id": 508, "uniform": 0, "degree": 12}, "size": 9, "degree": 12}, {"id": 334, "name": 334, "tooltip": "334 (size: 26)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 5.00 | \n
\n \n 2.00 | \n 12.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 8.00 | \n
\n \n
", "members": [49, 50, 51, 97, 98, 128, 129, 130, 131, 132, 133, 134, 135, 424, 425, 426, 427, 428, 429, 430, 460, 537, 538, 539, 540, 541], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 26.0}, {"label": 1.0, "group": 1.0, "value": 5.0, "row_count": 26.0}, {"label": 2.0, "group": 2.0, "value": 12.0, "row_count": 26.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 26.0}, {"label": 4.0, "group": 4.0, "value": 8.0, "row_count": 26.0}], "0": [{"group": 0, "row_count": 26, "value": 25}, {"group": 1, "row_count": 26, "value": 1}], "1": [{"group": 0, "row_count": 26, "value": 21}, {"group": 1, "row_count": 26, "value": 5}], "2": [{"group": 0, "row_count": 26, "value": 14}, {"group": 1, "row_count": 26, "value": 12}], "3": [{"group": 0, "row_count": 26, "value": 26}], "4": [{"group": 0, "row_count": 26, "value": 18}, {"group": 1, "row_count": 26, "value": 8}], "data_id": [{"group": 508, "row_count": 26, "value": 15}, {"group": 254, "row_count": 26, "value": 8}, {"group": 1016, "row_count": 26, "value": 2}, {"group": 762, "row_count": 26, "value": 1}], "uniform": [{"group": 0, "row_count": 26, "value": 26}], "degree": [{"group": 33, "row_count": 26, "value": 26}]}, "group": {"0": 0, "1": 0, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 33}, "size": 26, "degree": 33}, {"id": 335, "name": 335, "tooltip": "335 (size: 25)
\n \n \n 0.00 | \n 4.00 | \n
\n \n 1.00 | \n 13.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 5.00 | \n
\n \n 4.00 | \n 3.00 | \n
\n \n
", "members": [49, 50, 51, 52, 53, 54, 55, 56, 94, 95, 96, 97, 98, 351, 427, 887, 888, 889, 890, 891, 892, 997, 998, 999, 1000], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 4.0, "row_count": 25.0}, {"label": 1.0, "group": 1.0, "value": 13.0, "row_count": 25.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 25.0}, {"label": 3.0, "group": 3.0, "value": 5.0, "row_count": 25.0}, {"label": 4.0, "group": 4.0, "value": 3.0, "row_count": 25.0}], "0": [{"group": 0, "row_count": 25, "value": 21}, {"group": 1, "row_count": 25, "value": 4}], "1": [{"group": 1, "row_count": 25, "value": 13}, {"group": 0, "row_count": 25, "value": 12}], "2": [{"group": 0, "row_count": 25, "value": 25}], "3": [{"group": 0, "row_count": 25, "value": 20}, {"group": 1, "row_count": 25, "value": 5}], "4": [{"group": 0, "row_count": 25, "value": 22}, {"group": 1, "row_count": 25, "value": 3}], "data_id": [{"group": 1016, "row_count": 25, "value": 14}, {"group": 508, "row_count": 25, "value": 8}, {"group": 762, "row_count": 25, "value": 2}, {"group": 254, "row_count": 25, "value": 1}], "uniform": [{"group": 0, "row_count": 25, "value": 25}], "degree": [{"group": 32, "row_count": 25, "value": 25}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 32}, "size": 25, "degree": 32}, {"id": 336, "name": 336, "tooltip": "336 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 8.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [43, 44, 45, 46, 47, 48, 49, 50], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 8.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 1, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 0, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 508, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 13, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 13}, "size": 8, "degree": 13}, {"id": 337, "name": 337, "tooltip": "337 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 13.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [40, 41, 50, 97, 98, 99, 100, 101, 102, 103, 104, 105, 657], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 13.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 1, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 254, "row_count": 13, "value": 6}, {"group": 508, "row_count": 13, "value": 3}, {"group": 1016, "row_count": 13, "value": 3}, {"group": 762, "row_count": 13, "value": 1}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 20, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 20}, "size": 13, "degree": 20}, {"id": 338, "name": 338, "tooltip": "338 (size: 51)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 28.00 | \n
\n \n 2.00 | \n 8.00 | \n
\n \n 3.00 | \n 4.00 | \n
\n \n 4.00 | \n 10.00 | \n
\n \n
", "members": [39, 40, 41, 42, 43, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 94, 95, 96, 97, 98, 99, 100, 101, 102, 131, 132, 133, 424, 425, 426, 427, 428, 429, 430, 458, 459, 460, 537, 538, 539, 540, 541, 656, 657, 658, 659, 889, 997, 998, 999, 1000], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 51.0}, {"label": 1.0, "group": 1.0, "value": 28.0, "row_count": 51.0}, {"label": 2.0, "group": 2.0, "value": 8.0, "row_count": 51.0}, {"label": 3.0, "group": 3.0, "value": 4.0, "row_count": 51.0}, {"label": 4.0, "group": 4.0, "value": 10.0, "row_count": 51.0}], "0": [{"group": 0, "row_count": 51, "value": 50}, {"group": 1, "row_count": 51, "value": 1}], "1": [{"group": 1, "row_count": 51, "value": 28}, {"group": 0, "row_count": 51, "value": 23}], "2": [{"group": 0, "row_count": 51, "value": 43}, {"group": 1, "row_count": 51, "value": 8}], "3": [{"group": 0, "row_count": 51, "value": 47}, {"group": 1, "row_count": 51, "value": 4}], "4": [{"group": 0, "row_count": 51, "value": 41}, {"group": 1, "row_count": 51, "value": 10}], "data_id": [{"group": 508, "row_count": 51, "value": 29}, {"group": 1016, "row_count": 51, "value": 10}, {"group": 254, "row_count": 51, "value": 7}, {"group": 762, "row_count": 51, "value": 5}], "uniform": [{"group": 0, "row_count": 51, "value": 51}], "degree": [{"group": 42, "row_count": 51, "value": 51}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 42}, "size": 51, "degree": 42}, {"id": 339, "name": 339, "tooltip": "339 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 12.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 98], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 12.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 1, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 508, "row_count": 12, "value": 11}, {"group": 1016, "row_count": 12, "value": 1}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 11, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 11}, "size": 12, "degree": 11}, {"id": 340, "name": 340, "tooltip": "340 (size: 14)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 14.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [38, 39, 40, 41, 42, 43, 44, 45, 46, 50, 97, 98, 99, 657], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 14.0}, {"label": 1.0, "group": 1.0, "value": 14.0, "row_count": 14.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 14.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 14.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 14.0}], "0": [{"group": 0, "row_count": 14, "value": 14}], "1": [{"group": 1, "row_count": 14, "value": 14}], "2": [{"group": 0, "row_count": 14, "value": 14}], "3": [{"group": 0, "row_count": 14, "value": 14}], "4": [{"group": 0, "row_count": 14, "value": 14}], "data_id": [{"group": 508, "row_count": 14, "value": 10}, {"group": 1016, "row_count": 14, "value": 3}, {"group": 762, "row_count": 14, "value": 1}], "uniform": [{"group": 0, "row_count": 14, "value": 14}], "degree": [{"group": 17, "row_count": 14, "value": 14}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 17}, "size": 14, "degree": 17}, {"id": 341, "name": 341, "tooltip": "341 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 10.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [34, 35, 36, 37, 38, 39, 40, 41, 42, 43], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 10.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 1, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 508, "row_count": 10, "value": 10}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 11, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 11}, "size": 10, "degree": 11}, {"id": 342, "name": 342, "tooltip": "342 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 12.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [32, 33, 34, 35, 103, 104, 105, 106, 107, 108, 109, 110], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 12.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 1, "row_count": 12, "value": 12}], "2": [{"group": 0, "row_count": 12, "value": 12}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 254, "row_count": 12, "value": 8}, {"group": 508, "row_count": 12, "value": 4}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 13, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 13}, "size": 12, "degree": 13}, {"id": 343, "name": 343, "tooltip": "343 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 13.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [32, 33, 34, 35, 99, 100, 101, 102, 103, 104, 105, 106, 107], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 13.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 1, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 254, "row_count": 13, "value": 8}, {"group": 508, "row_count": 13, "value": 4}, {"group": 1016, "row_count": 13, "value": 1}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 14, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 14}, "size": 13, "degree": 14}, {"id": 344, "name": 344, "tooltip": "344 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 4.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [31, 32, 33, 34], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 4.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 1, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 508, "row_count": 4, "value": 3}, {"group": 254, "row_count": 4, "value": 1}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 9, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 9}, "size": 4, "degree": 9}, {"id": 345, "name": 345, "tooltip": "345 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 9.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [31, 32, 33, 34, 35, 36, 37, 38, 39], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 9.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 1, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 508, "row_count": 9, "value": 8}, {"group": 254, "row_count": 9, "value": 1}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 12, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 508, "uniform": 0, "degree": 12}, "size": 9, "degree": 12}, {"id": 346, "name": 346, "tooltip": "346 (size: 12)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 11.00 | \n
\n \n 2.00 | \n 1.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [30, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 556], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 12.0}, {"label": 1.0, "group": 1.0, "value": 11.0, "row_count": 12.0}, {"label": 2.0, "group": 2.0, "value": 1.0, "row_count": 12.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 12.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 12.0}], "0": [{"group": 0, "row_count": 12, "value": 12}], "1": [{"group": 1, "row_count": 12, "value": 11}, {"group": 0, "row_count": 12, "value": 1}], "2": [{"group": 0, "row_count": 12, "value": 11}, {"group": 1, "row_count": 12, "value": 1}], "3": [{"group": 0, "row_count": 12, "value": 12}], "4": [{"group": 0, "row_count": 12, "value": 12}], "data_id": [{"group": 1016, "row_count": 12, "value": 10}, {"group": 254, "row_count": 12, "value": 1}, {"group": 762, "row_count": 12, "value": 1}], "uniform": [{"group": 0, "row_count": 12, "value": 12}], "degree": [{"group": 17, "row_count": 12, "value": 12}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 17}, "size": 12, "degree": 17}, {"id": 347, "name": 347, "tooltip": "347 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 9.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [25, 26, 27, 28, 29, 30, 31, 32, 33], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 9.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 1, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 254, "row_count": 9, "value": 7}, {"group": 508, "row_count": 9, "value": 2}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 10, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 10}, "size": 9, "degree": 10}, {"id": 348, "name": 348, "tooltip": "348 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 8.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [23, 24, 25, 26, 27, 28, 29, 30], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 8.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 1, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 0, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 254, "row_count": 8, "value": 8}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 7, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 7}, "size": 8, "degree": 7}, {"id": 349, "name": 349, "tooltip": "349 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [22], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 1, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 4, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 4}, "size": 1, "degree": 4}, {"id": 350, "name": 350, "tooltip": "350 (size: 13)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 12.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [22, 29, 30, 31, 32, 33, 34, 82, 117, 118, 119, 120, 121], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 12.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 12}, {"group": 1, "row_count": 13, "value": 1}], "1": [{"group": 1, "row_count": 13, "value": 12}, {"group": 0, "row_count": 13, "value": 1}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 254, "row_count": 13, "value": 9}, {"group": 508, "row_count": 13, "value": 3}, {"group": 1016, "row_count": 13, "value": 1}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 19, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 19}, "size": 13, "degree": 19}, {"id": 351, "name": 351, "tooltip": "351 (size: 19)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 18.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [20, 21, 22, 23, 29, 30, 31, 32, 33, 34, 35, 36, 37, 82, 104, 105, 106, 120, 121], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 19.0}, {"label": 1.0, "group": 1.0, "value": 18.0, "row_count": 19.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 19.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 19.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 19.0}], "0": [{"group": 0, "row_count": 19, "value": 18}, {"group": 1, "row_count": 19, "value": 1}], "1": [{"group": 1, "row_count": 19, "value": 18}, {"group": 0, "row_count": 19, "value": 1}], "2": [{"group": 0, "row_count": 19, "value": 19}], "3": [{"group": 0, "row_count": 19, "value": 19}], "4": [{"group": 0, "row_count": 19, "value": 19}], "data_id": [{"group": 254, "row_count": 19, "value": 12}, {"group": 508, "row_count": 19, "value": 6}, {"group": 1016, "row_count": 19, "value": 1}], "uniform": [{"group": 0, "row_count": 19, "value": 19}], "degree": [{"group": 22, "row_count": 19, "value": 19}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 22}, "size": 19, "degree": 22}, {"id": 352, "name": 352, "tooltip": "352 (size: 10)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 10.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [20, 21, 22, 23, 24, 25, 26, 27, 28, 33], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 10.0}, {"label": 1.0, "group": 1.0, "value": 10.0, "row_count": 10.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 10.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 10.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 10.0}], "0": [{"group": 0, "row_count": 10, "value": 10}], "1": [{"group": 1, "row_count": 10, "value": 10}], "2": [{"group": 0, "row_count": 10, "value": 10}], "3": [{"group": 0, "row_count": 10, "value": 10}], "4": [{"group": 0, "row_count": 10, "value": 10}], "data_id": [{"group": 254, "row_count": 10, "value": 9}, {"group": 508, "row_count": 10, "value": 1}], "uniform": [{"group": 0, "row_count": 10, "value": 10}], "degree": [{"group": 11, "row_count": 10, "value": 10}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 11}, "size": 10, "degree": 11}, {"id": 353, "name": 353, "tooltip": "353 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 9.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [16, 17, 18, 19, 20, 21, 22, 23, 24], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 9.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 1, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 254, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 7, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 7}, "size": 9, "degree": 7}, {"id": 354, "name": 354, "tooltip": "354 (size: 1)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 1.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [13], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 1.0}, {"label": 1.0, "group": 1.0, "value": 1.0, "row_count": 1.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 1.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 1.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 1.0}], "0": [{"group": 0, "row_count": 1, "value": 1}], "1": [{"group": 1, "row_count": 1, "value": 1}], "2": [{"group": 0, "row_count": 1, "value": 1}], "3": [{"group": 0, "row_count": 1, "value": 1}], "4": [{"group": 0, "row_count": 1, "value": 1}], "data_id": [{"group": 254, "row_count": 1, "value": 1}], "uniform": [{"group": 0, "row_count": 1, "value": 1}], "degree": [{"group": 8, "row_count": 1, "value": 1}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 8}, "size": 1, "degree": 8}, {"id": 355, "name": 355, "tooltip": "355 (size: 9)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 9.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [13, 14, 15, 16, 17, 18, 19, 20, 21], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 9.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 9}], "1": [{"group": 1, "row_count": 9, "value": 9}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 254, "row_count": 9, "value": 9}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 11, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 11}, "size": 9, "degree": 11}, {"id": 356, "name": 356, "tooltip": "356 (size: 2)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 2.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [12, 13], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 2.0}, {"label": 1.0, "group": 1.0, "value": 2.0, "row_count": 2.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 2.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 2.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 2.0}], "0": [{"group": 0, "row_count": 2, "value": 2}], "1": [{"group": 1, "row_count": 2, "value": 2}], "2": [{"group": 0, "row_count": 2, "value": 2}], "3": [{"group": 0, "row_count": 2, "value": 2}], "4": [{"group": 0, "row_count": 2, "value": 2}], "data_id": [{"group": 254, "row_count": 2, "value": 2}], "uniform": [{"group": 0, "row_count": 2, "value": 2}], "degree": [{"group": 8, "row_count": 2, "value": 2}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 8}, "size": 2, "degree": 8}, {"id": 357, "name": 357, "tooltip": "357 (size: 4)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 4.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [10, 11, 12, 13], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 4.0}, {"label": 1.0, "group": 1.0, "value": 4.0, "row_count": 4.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 4.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 4.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 4.0}], "0": [{"group": 0, "row_count": 4, "value": 4}], "1": [{"group": 1, "row_count": 4, "value": 4}], "2": [{"group": 0, "row_count": 4, "value": 4}], "3": [{"group": 0, "row_count": 4, "value": 4}], "4": [{"group": 0, "row_count": 4, "value": 4}], "data_id": [{"group": 254, "row_count": 4, "value": 4}], "uniform": [{"group": 0, "row_count": 4, "value": 4}], "degree": [{"group": 8, "row_count": 4, "value": 4}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 8}, "size": 4, "degree": 8}, {"id": 358, "name": 358, "tooltip": "358 (size: 21)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 16.00 | \n
\n \n 2.00 | \n 5.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [10, 11, 12, 13, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 554, 555, 556, 557, 558, 647, 648], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 21.0}, {"label": 1.0, "group": 1.0, "value": 16.0, "row_count": 21.0}, {"label": 2.0, "group": 2.0, "value": 5.0, "row_count": 21.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 21.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 21.0}], "0": [{"group": 0, "row_count": 21, "value": 21}], "1": [{"group": 1, "row_count": 21, "value": 16}, {"group": 0, "row_count": 21, "value": 5}], "2": [{"group": 0, "row_count": 21, "value": 16}, {"group": 1, "row_count": 21, "value": 5}], "3": [{"group": 0, "row_count": 21, "value": 21}], "4": [{"group": 0, "row_count": 21, "value": 21}], "data_id": [{"group": 1016, "row_count": 21, "value": 10}, {"group": 762, "row_count": 21, "value": 7}, {"group": 254, "row_count": 21, "value": 4}], "uniform": [{"group": 0, "row_count": 21, "value": 21}], "degree": [{"group": 20, "row_count": 21, "value": 21}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 20}, "size": 21, "degree": 20}, {"id": 359, "name": 359, "tooltip": "359 (size: 27)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 27.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [10, 11, 12, 13, 14, 15, 29, 30, 31, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 89, 646, 647, 648, 649, 650], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 27.0}, {"label": 1.0, "group": 1.0, "value": 27.0, "row_count": 27.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 27.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 27.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 27.0}], "0": [{"group": 0, "row_count": 27, "value": 27}], "1": [{"group": 1, "row_count": 27, "value": 27}], "2": [{"group": 0, "row_count": 27, "value": 27}], "3": [{"group": 0, "row_count": 27, "value": 27}], "4": [{"group": 0, "row_count": 27, "value": 27}], "data_id": [{"group": 1016, "row_count": 27, "value": 10}, {"group": 254, "row_count": 27, "value": 9}, {"group": 762, "row_count": 27, "value": 8}], "uniform": [{"group": 0, "row_count": 27, "value": 27}], "degree": [{"group": 27, "row_count": 27, "value": 27}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 1016, "uniform": 0, "degree": 27}, "size": 27, "degree": 27}, {"id": 360, "name": 360, "tooltip": "360 (size: 18)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 18.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [10, 11, 12, 13, 14, 15, 16, 17, 79, 80, 81, 82, 89, 646, 647, 648, 649, 650], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 18.0}, {"label": 1.0, "group": 1.0, "value": 18.0, "row_count": 18.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 18.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 18.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 18.0}], "0": [{"group": 0, "row_count": 18, "value": 18}], "1": [{"group": 1, "row_count": 18, "value": 18}], "2": [{"group": 0, "row_count": 18, "value": 18}], "3": [{"group": 0, "row_count": 18, "value": 18}], "4": [{"group": 0, "row_count": 18, "value": 18}], "data_id": [{"group": 254, "row_count": 18, "value": 8}, {"group": 1016, "row_count": 18, "value": 5}, {"group": 762, "row_count": 18, "value": 5}], "uniform": [{"group": 0, "row_count": 18, "value": 18}], "degree": [{"group": 23, "row_count": 18, "value": 18}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 23}, "size": 18, "degree": 23}, {"id": 361, "name": 361, "tooltip": "361 (size: 6)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 6.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [9, 10, 11, 12, 13, 14], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 6.0}, {"label": 1.0, "group": 1.0, "value": 6.0, "row_count": 6.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 6.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 6.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 6.0}], "0": [{"group": 0, "row_count": 6, "value": 6}], "1": [{"group": 1, "row_count": 6, "value": 6}], "2": [{"group": 0, "row_count": 6, "value": 6}], "3": [{"group": 0, "row_count": 6, "value": 6}], "4": [{"group": 0, "row_count": 6, "value": 6}], "data_id": [{"group": 254, "row_count": 6, "value": 5}, {"group": 1016, "row_count": 6, "value": 1}], "uniform": [{"group": 0, "row_count": 6, "value": 6}], "degree": [{"group": 9, "row_count": 6, "value": 6}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 9}, "size": 6, "degree": 9}, {"id": 362, "name": 362, "tooltip": "362 (size: 13)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 13.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 89, 647, 648], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 13.0}, {"label": 1.0, "group": 1.0, "value": 13.0, "row_count": 13.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 13.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 13.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 13.0}], "0": [{"group": 0, "row_count": 13, "value": 13}], "1": [{"group": 1, "row_count": 13, "value": 13}], "2": [{"group": 0, "row_count": 13, "value": 13}], "3": [{"group": 0, "row_count": 13, "value": 13}], "4": [{"group": 0, "row_count": 13, "value": 13}], "data_id": [{"group": 762, "row_count": 13, "value": 4}, {"group": 254, "row_count": 13, "value": 4}, {"group": 1016, "row_count": 13, "value": 3}, {"group": 508, "row_count": 13, "value": 2}], "uniform": [{"group": 0, "row_count": 13, "value": 13}], "degree": [{"group": 17, "row_count": 13, "value": 13}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 762, "uniform": 0, "degree": 17}, "size": 13, "degree": 17}, {"id": 363, "name": 363, "tooltip": "363 (size: 8)
\n \n \n 0.00 | \n 0.00 | \n
\n \n 1.00 | \n 8.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [2, 3, 4, 5, 6, 7, 8, 9], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 0.0, "row_count": 8.0}, {"label": 1.0, "group": 1.0, "value": 8.0, "row_count": 8.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 8.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 8.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 8.0}], "0": [{"group": 0, "row_count": 8, "value": 8}], "1": [{"group": 1, "row_count": 8, "value": 8}], "2": [{"group": 0, "row_count": 8, "value": 8}], "3": [{"group": 0, "row_count": 8, "value": 8}], "4": [{"group": 0, "row_count": 8, "value": 8}], "data_id": [{"group": 254, "row_count": 8, "value": 2}, {"group": 508, "row_count": 8, "value": 2}, {"group": 762, "row_count": 8, "value": 2}, {"group": 1016, "row_count": 8, "value": 2}], "uniform": [{"group": 0, "row_count": 8, "value": 8}], "degree": [{"group": 4, "row_count": 8, "value": 8}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 4}, "size": 8, "degree": 4}, {"id": 364, "name": 364, "tooltip": "364 (size: 5)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 4.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [0, 1, 2, 3, 4], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 5.0}, {"label": 1.0, "group": 1.0, "value": 4.0, "row_count": 5.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 5.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 5.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 5.0}], "0": [{"group": 0, "row_count": 5, "value": 4}, {"group": 1, "row_count": 5, "value": 1}], "1": [{"group": 1, "row_count": 5, "value": 4}, {"group": 0, "row_count": 5, "value": 1}], "2": [{"group": 0, "row_count": 5, "value": 5}], "3": [{"group": 0, "row_count": 5, "value": 5}], "4": [{"group": 0, "row_count": 5, "value": 5}], "data_id": [{"group": 254, "row_count": 5, "value": 3}, {"group": 0, "row_count": 5, "value": 1}, {"group": 508, "row_count": 5, "value": 1}], "uniform": [{"group": 0, "row_count": 5, "value": 5}], "degree": [{"group": 3, "row_count": 5, "value": 5}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 3}, "size": 5, "degree": 3}, {"id": 365, "name": 365, "tooltip": "365 (size: 9)
\n \n \n 0.00 | \n 1.00 | \n
\n \n 1.00 | \n 8.00 | \n
\n \n 2.00 | \n 0.00 | \n
\n \n 3.00 | \n 0.00 | \n
\n \n 4.00 | \n 0.00 | \n
\n \n
", "members": [0, 1, 2, 3, 4, 5, 6, 7, 8], "proportions": {"multiclass": [{"label": 0.0, "group": 0.0, "value": 1.0, "row_count": 9.0}, {"label": 1.0, "group": 1.0, "value": 8.0, "row_count": 9.0}, {"label": 2.0, "group": 2.0, "value": 0.0, "row_count": 9.0}, {"label": 3.0, "group": 3.0, "value": 0.0, "row_count": 9.0}, {"label": 4.0, "group": 4.0, "value": 0.0, "row_count": 9.0}], "0": [{"group": 0, "row_count": 9, "value": 8}, {"group": 1, "row_count": 9, "value": 1}], "1": [{"group": 1, "row_count": 9, "value": 8}, {"group": 0, "row_count": 9, "value": 1}], "2": [{"group": 0, "row_count": 9, "value": 9}], "3": [{"group": 0, "row_count": 9, "value": 9}], "4": [{"group": 0, "row_count": 9, "value": 9}], "data_id": [{"group": 254, "row_count": 9, "value": 3}, {"group": 508, "row_count": 9, "value": 2}, {"group": 762, "row_count": 9, "value": 2}, {"group": 0, "row_count": 9, "value": 1}, {"group": 1016, "row_count": 9, "value": 1}], "uniform": [{"group": 0, "row_count": 9, "value": 9}], "degree": [{"group": 3, "row_count": 9, "value": 9}]}, "group": {"0": 0, "1": 1, "2": 0, "3": 0, "4": 0, "data_id": 254, "uniform": 0, "degree": 3}, "size": 9, "degree": 3}], "links": [{"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 1, "target": 3}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 1, "target": 4}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 1, "target": 295}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 1, "target": 298}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 1, "target": 299}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 2, "target": 3}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 2, "target": 4}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 2, "target": 298}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 3, "target": 4}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 3, "target": 295}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 3, "target": 298}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 3, "target": 299}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 4, "target": 5}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 4, "target": 295}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 4, "target": 298}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 4, "target": 299}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 5, "target": 331}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 6, "target": 10}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 6, "target": 331}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 7, "target": 10}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 7, "target": 331}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 8, "target": 9}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 8, "target": 10}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 8, "target": 12}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 8, "target": 246}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 9, "target": 10}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 9, "target": 12}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 9, "target": 246}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 10, "target": 12}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 10, "target": 246}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 10, "target": 331}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 10, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 10, "target": 338}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 11, "target": 12}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 11, "target": 246}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 12, "target": 246}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 13, "target": 14}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 13, "target": 16}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 13, "target": 246}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 14, "target": 16}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 14, "target": 246}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 15, "target": 16}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 15, "target": 17}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 16, "target": 17}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 16, "target": 246}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 17, "target": 18}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 18, "target": 20}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 18, "target": 21}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 19, "target": 20}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 19, "target": 21}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 19, "target": 246}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 20, "target": 21}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 20, "target": 24}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 20, "target": 246}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 21, "target": 24}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 21, "target": 25}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 21, "target": 246}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 22, "target": 23}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 22, "target": 24}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 22, "target": 25}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 22, "target": 298}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 23, "target": 24}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 23, "target": 25}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 23, "target": 298}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 24, "target": 25}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 24, "target": 298}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 25, "target": 26}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 25, "target": 29}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 25, "target": 298}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 26, "target": 28}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 26, "target": 29}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 27, "target": 28}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 27, "target": 29}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 27, "target": 30}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 27, "target": 331}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 28, "target": 29}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 28, "target": 30}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 28, "target": 331}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 29, "target": 30}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 29, "target": 331}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 30, "target": 32}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 30, "target": 222}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 30, "target": 223}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 30, "target": 331}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 31, "target": 32}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 31, "target": 34}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 31, "target": 100}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 31, "target": 222}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 31, "target": 329}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 32, "target": 34}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 32, "target": 100}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 32, "target": 222}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 32, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 33, "target": 34}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 33, "target": 37}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 33, "target": 168}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 34, "target": 36}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 34, "target": 37}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 34, "target": 168}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 34, "target": 222}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 35, "target": 36}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 35, "target": 37}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 35, "target": 38}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 2, "distance": 20.0, "strength": 0.8, "source": 36, "target": 37}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 36, "target": 38}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 36, "target": 40}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 37, "target": 38}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 37, "target": 40}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 37, "target": 168}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 38, "target": 40}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 39, "target": 40}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 39, "target": 41}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 39, "target": 42}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 39, "target": 220}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 40, "target": 41}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 40, "target": 42}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 40, "target": 220}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 41, "target": 42}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 41, "target": 220}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 42, "target": 43}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 42, "target": 230}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 43, "target": 44}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 43, "target": 45}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 43, "target": 49}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 43, "target": 230}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 44, "target": 45}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 44, "target": 49}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 44, "target": 335}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 45, "target": 49}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 45, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 46, "target": 48}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 46, "target": 49}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 46, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 46, "target": 338}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 47, "target": 48}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 47, "target": 49}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 47, "target": 50}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 47, "target": 335}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 48, "target": 49}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 48, "target": 50}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 48, "target": 220}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 48, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 48, "target": 338}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 49, "target": 50}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 49, "target": 220}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 49, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 49, "target": 338}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 50, "target": 51}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 50, "target": 52}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 50, "target": 220}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 50, "target": 335}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 51, "target": 52}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 52, "target": 53}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 52, "target": 308}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 53, "target": 308}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 54, "target": 55}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 54, "target": 57}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 54, "target": 58}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 54, "target": 59}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 55, "target": 57}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 55, "target": 58}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 55, "target": 59}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 55, "target": 308}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 56, "target": 57}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 56, "target": 58}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 56, "target": 59}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 57, "target": 58}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 57, "target": 59}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 57, "target": 61}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 58, "target": 59}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 58, "target": 61}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 59, "target": 61}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 59, "target": 62}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 60, "target": 61}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 60, "target": 62}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 60, "target": 261}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 61, "target": 62}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 61, "target": 261}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -2, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 62, "target": 261}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 62, "target": 271}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 62, "target": 308}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 63, "target": 261}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 63, "target": 271}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 63, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 63, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 64, "target": 261}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 64, "target": 271}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 64, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 65, "target": 66}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 65, "target": 261}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 65, "target": 269}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 65, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 65, "target": 292}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 66, "target": 68}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 66, "target": 70}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 66, "target": 261}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 66, "target": 269}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 66, "target": 282}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 66, "target": 292}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 67, "target": 68}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 67, "target": 70}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 67, "target": 269}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 67, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 68, "target": 69}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 68, "target": 70}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 68, "target": 72}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 68, "target": 246}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 68, "target": 261}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 68, "target": 269}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 68, "target": 282}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 69, "target": 70}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 69, "target": 71}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 69, "target": 72}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 69, "target": 74}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 69, "target": 168}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 70, "target": 71}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 70, "target": 72}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 70, "target": 74}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 70, "target": 168}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 70, "target": 246}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 70, "target": 269}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 70, "target": 282}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 71, "target": 72}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 71, "target": 74}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 71, "target": 168}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 72, "target": 74}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 72, "target": 168}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 73, "target": 74}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 73, "target": 161}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 73, "target": 282}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 73, "target": 283}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 74, "target": 161}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 74, "target": 282}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 74, "target": 283}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 75, "target": 161}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 75, "target": 283}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 76, "target": 78}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 76, "target": 161}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 76, "target": 283}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 77, "target": 78}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 77, "target": 245}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 78, "target": 161}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 78, "target": 245}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 79, "target": 143}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 79, "target": 245}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 79, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 79, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 79, "target": 283}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 80, "target": 81}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 80, "target": 143}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 80, "target": 271}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 80, "target": 308}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 81, "target": 83}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 81, "target": 84}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 81, "target": 85}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 81, "target": 308}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 82, "target": 83}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 82, "target": 84}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 82, "target": 85}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 82, "target": 241}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 82, "target": 296}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 82, "target": 308}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 83, "target": 84}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 83, "target": 85}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 83, "target": 241}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 83, "target": 296}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 83, "target": 308}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 84, "target": 85}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 84, "target": 241}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 84, "target": 296}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 84, "target": 308}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 85, "target": 86}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 85, "target": 87}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 85, "target": 165}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 85, "target": 168}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 85, "target": 241}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 85, "target": 296}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 85, "target": 308}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 86, "target": 87}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 86, "target": 165}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 86, "target": 168}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 87, "target": 165}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 87, "target": 168}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 88, "target": 89}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 88, "target": 90}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 88, "target": 91}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 89, "target": 90}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 89, "target": 91}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 89, "target": 165}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 90, "target": 91}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 90, "target": 165}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 91, "target": 92}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 92, "target": 93}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 93, "target": 94}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 93, "target": 95}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 94, "target": 95}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 95, "target": 97}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 95, "target": 100}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 95, "target": 101}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 96, "target": 97}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 96, "target": 100}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 96, "target": 222}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 97, "target": 100}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 97, "target": 101}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 97, "target": 222}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 98, "target": 100}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 98, "target": 101}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 99, "target": 100}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 99, "target": 101}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 99, "target": 102}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -2, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 100, "target": 101}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 100, "target": 102}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 100, "target": 222}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 101, "target": 102}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 101, "target": 103}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 102, "target": 103}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 102, "target": 104}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 103, "target": 104}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 103, "target": 193}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 104, "target": 193}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 105, "target": 106}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 105, "target": 107}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 105, "target": 193}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 105, "target": 304}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 105, "target": 305}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 106, "target": 107}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 107, "target": 108}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 108, "target": 109}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 108, "target": 110}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 108, "target": 111}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 108, "target": 191}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 109, "target": 110}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 109, "target": 111}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 109, "target": 191}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 110, "target": 111}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 110, "target": 191}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 111, "target": 112}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 111, "target": 191}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 112, "target": 113}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 113, "target": 115}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 113, "target": 337}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 113, "target": 338}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 113, "target": 340}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 114, "target": 115}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 114, "target": 116}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 114, "target": 358}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 114, "target": 359}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 114, "target": 360}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 114, "target": 362}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 115, "target": 116}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 115, "target": 118}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 115, "target": 337}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 115, "target": 338}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 115, "target": 340}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 115, "target": 358}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 115, "target": 359}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 115, "target": 360}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 115, "target": 362}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 116, "target": 117}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 116, "target": 118}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 116, "target": 358}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 116, "target": 359}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 116, "target": 360}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 116, "target": 362}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 117, "target": 118}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 117, "target": 119}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 118, "target": 119}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 118, "target": 120}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 118, "target": 359}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 118, "target": 360}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 119, "target": 120}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 119, "target": 121}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 120, "target": 121}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 121, "target": 259}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 122, "target": 124}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 122, "target": 125}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 122, "target": 293}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 123, "target": 124}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 123, "target": 125}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 123, "target": 284}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 123, "target": 293}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 124, "target": 125}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 124, "target": 259}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 124, "target": 266}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 124, "target": 284}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 124, "target": 293}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 125, "target": 126}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 125, "target": 284}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 125, "target": 292}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 125, "target": 293}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 125, "target": 298}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 126, "target": 261}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 126, "target": 262}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 126, "target": 292}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 126, "target": 293}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 126, "target": 295}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 126, "target": 298}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 126, "target": 299}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 127, "target": 161}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 127, "target": 220}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 127, "target": 246}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 127, "target": 254}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 127, "target": 261}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 127, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 127, "target": 284}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 127, "target": 292}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 127, "target": 293}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 128, "target": 129}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 128, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 128, "target": 266}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 129, "target": 161}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 129, "target": 220}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 129, "target": 246}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 129, "target": 254}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 129, "target": 266}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 129, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 129, "target": 283}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 129, "target": 292}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 130, "target": 131}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 130, "target": 262}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 130, "target": 266}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 130, "target": 269}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 130, "target": 280}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 131, "target": 262}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 131, "target": 266}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 131, "target": 269}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 131, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 132, "target": 133}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 132, "target": 134}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 132, "target": 161}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 132, "target": 245}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 132, "target": 262}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 132, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 132, "target": 283}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 132, "target": 292}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 133, "target": 134}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 133, "target": 161}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 133, "target": 245}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 133, "target": 262}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 133, "target": 282}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 133, "target": 283}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 133, "target": 284}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 133, "target": 292}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 134, "target": 135}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 134, "target": 161}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 134, "target": 245}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 134, "target": 262}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 134, "target": 282}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 134, "target": 283}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 10.0, "strength": 0.9, "source": 134, "target": 284}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 134, "target": 292}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 135, "target": 282}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 135, "target": 283}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 135, "target": 284}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 135, "target": 292}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 136, "target": 137}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 136, "target": 261}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 136, "target": 262}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 136, "target": 269}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 136, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 136, "target": 283}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 136, "target": 292}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 137, "target": 139}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 137, "target": 261}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 137, "target": 262}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 137, "target": 266}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 137, "target": 269}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 137, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 137, "target": 283}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 137, "target": 292}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 137, "target": 293}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 138, "target": 139}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 138, "target": 284}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 139, "target": 145}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 139, "target": 266}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 139, "target": 282}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 139, "target": 284}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 139, "target": 292}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 139, "target": 346}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 139, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 140, "target": 145}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 140, "target": 245}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 140, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 140, "target": 283}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 141, "target": 145}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 141, "target": 245}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 141, "target": 271}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 141, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 141, "target": 283}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 142, "target": 143}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 142, "target": 145}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 142, "target": 245}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 142, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 142, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 142, "target": 283}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 143, "target": 145}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 2, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 143, "target": 245}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 143, "target": 271}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 143, "target": 280}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 143, "target": 282}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 143, "target": 283}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 143, "target": 284}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 143, "target": 308}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 144, "target": 145}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 144, "target": 148}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 144, "target": 245}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 144, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 144, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 144, "target": 283}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 144, "target": 284}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 145, "target": 148}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 145, "target": 245}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 145, "target": 271}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 145, "target": 280}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 145, "target": 282}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 145, "target": 283}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 145, "target": 284}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 145, "target": 346}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 145, "target": 358}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 146, "target": 147}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 146, "target": 148}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 146, "target": 222}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 146, "target": 329}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 147, "target": 148}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 147, "target": 222}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 147, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 147, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 147, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 147, "target": 338}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 148, "target": 222}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 148, "target": 245}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 148, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 148, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 148, "target": 283}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 148, "target": 284}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 148, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 148, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 148, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 148, "target": 338}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 149, "target": 175}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 149, "target": 176}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 149, "target": 329}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 149, "target": 330}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 149, "target": 334}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 149, "target": 338}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 150, "target": 151}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 150, "target": 152}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 150, "target": 153}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 150, "target": 241}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 150, "target": 329}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 150, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 150, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 150, "target": 338}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 151, "target": 152}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 151, "target": 153}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 151, "target": 241}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 151, "target": 330}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 152, "target": 153}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 152, "target": 156}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 152, "target": 241}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 152, "target": 296}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 152, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 153, "target": 155}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 153, "target": 156}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 153, "target": 241}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 153, "target": 296}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 153, "target": 329}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 153, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 153, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 153, "target": 338}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 154, "target": 155}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 154, "target": 156}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 154, "target": 241}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 154, "target": 296}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 155, "target": 156}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 155, "target": 241}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 155, "target": 296}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 156, "target": 241}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 156, "target": 296}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 156, "target": 298}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 156, "target": 299}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 157, "target": 158}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 157, "target": 296}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 157, "target": 298}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 157, "target": 299}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 158, "target": 159}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 158, "target": 160}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 158, "target": 303}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 158, "target": 305}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 159, "target": 160}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 159, "target": 162}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 159, "target": 303}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 159, "target": 305}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 160, "target": 162}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 160, "target": 164}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 160, "target": 303}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 160, "target": 305}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 161, "target": 162}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 161, "target": 164}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 161, "target": 168}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 161, "target": 220}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 161, "target": 245}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 161, "target": 246}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 161, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 161, "target": 262}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 161, "target": 282}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 161, "target": 283}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 161, "target": 284}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 161, "target": 292}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 162, "target": 164}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 162, "target": 168}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 163, "target": 164}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 163, "target": 168}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 163, "target": 170}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 164, "target": 168}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 164, "target": 170}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 165, "target": 166}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 2, "distance": 12.5, "strength": 0.875, "source": 165, "target": 168}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 165, "target": 170}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 166, "target": 168}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 166, "target": 170}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 167, "target": 168}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 167, "target": 169}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 167, "target": 170}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 168, "target": 169}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 168, "target": 170}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 169, "target": 170}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 169, "target": 171}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 170, "target": 171}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 171, "target": 175}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 171, "target": 176}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 171, "target": 241}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 171, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 172, "target": 173}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 172, "target": 175}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 172, "target": 241}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 173, "target": 175}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 173, "target": 176}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 173, "target": 241}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 174, "target": 175}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 174, "target": 176}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 174, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 174, "target": 333}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 174, "target": 338}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 175, "target": 176}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -2, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 175, "target": 241}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 175, "target": 280}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 175, "target": 329}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 175, "target": 330}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 175, "target": 333}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 175, "target": 334}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 175, "target": 338}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 176, "target": 241}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 176, "target": 329}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 176, "target": 330}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 176, "target": 333}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 176, "target": 334}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 176, "target": 338}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 177, "target": 178}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 177, "target": 179}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 177, "target": 333}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 178, "target": 179}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 178, "target": 184}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 179, "target": 180}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 179, "target": 182}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 179, "target": 183}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 179, "target": 184}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 180, "target": 182}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 180, "target": 183}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 180, "target": 184}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 180, "target": 291}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 181, "target": 182}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 181, "target": 183}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 181, "target": 184}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 181, "target": 291}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 182, "target": 183}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 182, "target": 184}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 182, "target": 185}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 182, "target": 291}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 182, "target": 295}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 183, "target": 184}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 183, "target": 185}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 183, "target": 291}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 183, "target": 295}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 184, "target": 185}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 184, "target": 290}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 184, "target": 291}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 184, "target": 295}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 185, "target": 272}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 185, "target": 290}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 185, "target": 291}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 185, "target": 295}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 185, "target": 301}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 185, "target": 303}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 185, "target": 329}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 185, "target": 330}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 185, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 185, "target": 335}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 185, "target": 338}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 186, "target": 272}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 186, "target": 329}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 187, "target": 188}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 187, "target": 273}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 188, "target": 189}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 188, "target": 296}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 188, "target": 298}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 189, "target": 191}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 189, "target": 241}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 189, "target": 293}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 189, "target": 295}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -2, "distance": 12.5, "strength": 0.875, "source": 189, "target": 296}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 189, "target": 298}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 189, "target": 299}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 190, "target": 191}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 190, "target": 192}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 191, "target": 192}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 192, "target": 193}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 192, "target": 304}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 192, "target": 305}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 193, "target": 304}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 193, "target": 305}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 100.0, "strength": 0.0, "source": 194, "target": 197}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 195, "target": 197}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 196, "target": 197}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 196, "target": 199}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 197, "target": 198}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 197, "target": 199}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 197, "target": 200}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 198, "target": 199}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 198, "target": 200}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 199, "target": 200}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 200, "target": 201}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 201, "target": 202}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 201, "target": 204}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 202, "target": 204}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 202, "target": 220}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 203, "target": 204}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 203, "target": 220}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 203, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 204, "target": 207}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 204, "target": 220}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 204, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 205, "target": 206}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 205, "target": 207}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 205, "target": 208}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 206, "target": 207}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 206, "target": 208}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 207, "target": 208}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 207, "target": 209}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 207, "target": 220}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 208, "target": 209}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 208, "target": 210}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 209, "target": 210}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 209, "target": 211}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 210, "target": 211}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 211, "target": 212}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 212, "target": 214}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 213, "target": 214}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 213, "target": 215}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 214, "target": 215}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 215, "target": 216}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 216, "target": 220}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 217, "target": 220}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 217, "target": 221}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 218, "target": 219}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 218, "target": 220}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 218, "target": 221}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 218, "target": 223}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 219, "target": 220}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 219, "target": 221}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 219, "target": 223}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 220, "target": 221}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 220, "target": 223}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 220, "target": 246}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 220, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 220, "target": 283}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 220, "target": 335}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 221, "target": 223}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 221, "target": 224}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 222, "target": 223}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 222, "target": 224}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 222, "target": 225}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 222, "target": 329}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 223, "target": 224}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 223, "target": 225}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 224, "target": 225}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 224, "target": 226}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 225, "target": 226}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 225, "target": 229}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 226, "target": 227}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 226, "target": 229}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 227, "target": 229}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 227, "target": 230}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 227, "target": 308}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 228, "target": 229}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 228, "target": 230}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 229, "target": 230}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 229, "target": 308}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 230, "target": 231}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 230, "target": 232}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 50.0, "strength": 0.5, "source": 231, "target": 232}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 232, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 100.0, "strength": 0.0, "source": 233, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 234, "target": 245}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 50.0, "strength": 0.5, "source": 234, "target": 254}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 235, "target": 236}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 235, "target": 239}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 235, "target": 254}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 236, "target": 239}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 236, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 237, "target": 238}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 237, "target": 239}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 237, "target": 244}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 237, "target": 284}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 237, "target": 293}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 238, "target": 239}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 238, "target": 244}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 238, "target": 284}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 238, "target": 293}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 239, "target": 244}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 239, "target": 254}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 239, "target": 284}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 239, "target": 293}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 240, "target": 241}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 240, "target": 242}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 240, "target": 243}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 240, "target": 244}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 240, "target": 271}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 240, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 241, "target": 242}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 241, "target": 243}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 241, "target": 244}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 241, "target": 271}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.125, "strength": 0.96875, "source": 241, "target": 282}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 241, "target": 296}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 241, "target": 298}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 241, "target": 299}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 241, "target": 308}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 241, "target": 329}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 3.125, "strength": 0.96875, "source": 241, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 241, "target": 333}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.125, "strength": 0.96875, "source": 241, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 3.125, "strength": 0.96875, "source": 241, "target": 338}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 242, "target": 243}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 242, "target": 244}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 242, "target": 271}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 242, "target": 282}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 243, "target": 244}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 243, "target": 245}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 243, "target": 271}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 243, "target": 280}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 243, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 243, "target": 283}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 244, "target": 245}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 244, "target": 271}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 244, "target": 280}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 244, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 244, "target": 283}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 244, "target": 284}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 244, "target": 293}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 245, "target": 250}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 245, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 245, "target": 262}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 245, "target": 271}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 245, "target": 280}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 0, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 245, "target": 282}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 0, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 245, "target": 283}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 245, "target": 284}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 245, "target": 292}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 246, "target": 250}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 246, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 246, "target": 261}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 246, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 246, "target": 283}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 246, "target": 284}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.166666666666666, "strength": 0.9583333333333334, "source": 246, "target": 292}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 247, "target": 249}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 247, "target": 250}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 247, "target": 252}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 247, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 248, "target": 249}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 248, "target": 250}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 248, "target": 252}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 248, "target": 256}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 248, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 248, "target": 290}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 248, "target": 292}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 249, "target": 250}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 249, "target": 252}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 249, "target": 256}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 249, "target": 282}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 249, "target": 284}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 249, "target": 290}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 249, "target": 292}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 249, "target": 330}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 250, "target": 252}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 250, "target": 256}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 250, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 250, "target": 282}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 250, "target": 283}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 250, "target": 284}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 250, "target": 290}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 250, "target": 292}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 250, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 251, "target": 252}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 251, "target": 256}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 251, "target": 261}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 251, "target": 269}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 251, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 251, "target": 290}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 251, "target": 292}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 252, "target": 256}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 252, "target": 261}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 252, "target": 269}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 252, "target": 282}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 252, "target": 284}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 252, "target": 290}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 252, "target": 292}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 252, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 253, "target": 254}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 253, "target": 256}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 253, "target": 257}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 254, "target": 256}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 254, "target": 257}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 254, "target": 266}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 254, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 254, "target": 283}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 5.0, "strength": 0.95, "source": 254, "target": 292}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 255, "target": 256}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 255, "target": 257}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 255, "target": 269}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 255, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 255, "target": 292}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 256, "target": 257}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 256, "target": 261}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 256, "target": 262}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 256, "target": 266}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -3, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 256, "target": 269}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -2, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 256, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 256, "target": 283}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 256, "target": 290}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -2, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 256, "target": 292}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.555555555555555, "strength": 0.9444444444444444, "source": 256, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 257, "target": 262}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 257, "target": 266}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 257, "target": 269}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 257, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 257, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 257, "target": 283}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -2, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 257, "target": 292}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 258, "target": 259}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 258, "target": 266}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 258, "target": 269}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 258, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 258, "target": 292}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 259, "target": 266}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 259, "target": 269}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 259, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 259, "target": 292}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 260, "target": 261}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 260, "target": 266}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 260, "target": 269}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 260, "target": 282}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 261, "target": 262}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.0, "strength": 0.96, "source": 261, "target": 266}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 261, "target": 269}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 261, "target": 271}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 261, "target": 280}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 3, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 261, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 261, "target": 283}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 261, "target": 284}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 261, "target": 290}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 3, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 261, "target": 292}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 261, "target": 293}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 261, "target": 298}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 262, "target": 266}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 262, "target": 267}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 262, "target": 268}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 3, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 262, "target": 269}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 262, "target": 280}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 262, "target": 282}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 262, "target": 283}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": 1, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 262, "target": 292}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 262, "target": 293}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 262, "target": 298}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 263, "target": 264}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 263, "target": 267}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 263, "target": 268}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 263, "target": 269}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 263, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 263, "target": 292}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 264, "target": 266}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 264, "target": 267}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 264, "target": 268}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 264, "target": 269}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 264, "target": 282}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 264, "target": 292}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 265, "target": 266}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 265, "target": 267}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 265, "target": 268}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 265, "target": 269}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 265, "target": 282}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 265, "target": 292}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 266, "target": 267}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 266, "target": 268}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 0, "distance": 4.0, "strength": 0.96, "source": 266, "target": 269}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -2, "distance": 4.0, "strength": 0.96, "source": 266, "target": 280}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 1, "distance": 4.0, "strength": 0.96, "source": 266, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.0, "strength": 0.96, "source": 266, "target": 283}, {"value": 15, "size": 15, "kind": "intersection", "n_directional": 1, "distance": 4.0, "strength": 0.96, "source": 266, "target": 292}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 4.0, "strength": 0.96, "source": 266, "target": 293}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 267, "target": 268}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 267, "target": 269}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 267, "target": 282}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 267, "target": 292}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 268, "target": 269}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 268, "target": 282}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 268, "target": 292}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 2, "distance": 3.3333333333333335, "strength": 0.9666666666666667, "source": 269, "target": 280}, {"value": 15, "size": 15, "kind": "intersection", "n_directional": 1, "distance": 3.3333333333333335, "strength": 0.9666666666666667, "source": 269, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.3333333333333335, "strength": 0.9666666666666667, "source": 269, "target": 283}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 269, "target": 290}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 3, "distance": 3.3333333333333335, "strength": 0.9666666666666667, "source": 269, "target": 292}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 270, "target": 271}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 270, "target": 274}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 270, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 270, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 270, "target": 283}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 270, "target": 292}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 271, "target": 274}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 271, "target": 275}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -2, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 271, "target": 280}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 2, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 271, "target": 282}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 271, "target": 283}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 271, "target": 284}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 271, "target": 292}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 271, "target": 308}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 272, "target": 273}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 272, "target": 274}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 272, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 272, "target": 278}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 272, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 272, "target": 283}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 272, "target": 284}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 272, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 272, "target": 330}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 272, "target": 334}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 272, "target": 338}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 273, "target": 274}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 273, "target": 275}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 273, "target": 278}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 273, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 273, "target": 283}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 273, "target": 284}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 273, "target": 329}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 274, "target": 275}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 274, "target": 277}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 274, "target": 278}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 274, "target": 282}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 274, "target": 283}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -2, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 274, "target": 284}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 274, "target": 292}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 275, "target": 277}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 275, "target": 278}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 275, "target": 282}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 275, "target": 283}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -2, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 275, "target": 284}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 275, "target": 292}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 276, "target": 277}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 276, "target": 278}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 276, "target": 284}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 277, "target": 278}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 277, "target": 282}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 277, "target": 284}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 278, "target": 280}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 278, "target": 282}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 278, "target": 283}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 278, "target": 284}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 279, "target": 280}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 279, "target": 282}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 279, "target": 283}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 279, "target": 284}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 279, "target": 288}, {"value": 15, "size": 15, "kind": "intersection", "n_directional": 1, "distance": 2.941176470588235, "strength": 0.9705882352941176, "source": 280, "target": 282}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 1, "distance": 2.941176470588235, "strength": 0.9705882352941176, "source": 280, "target": 283}, {"value": 17, "size": 17, "kind": "intersection", "n_directional": -1, "distance": 2.941176470588235, "strength": 0.9705882352941176, "source": 280, "target": 284}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 280, "target": 288}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 3, "distance": 2.941176470588235, "strength": 0.9705882352941176, "source": 280, "target": 292}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 2.941176470588235, "strength": 0.9705882352941176, "source": 280, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 281, "target": 282}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 281, "target": 283}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 281, "target": 284}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 281, "target": 288}, {"value": 23, "size": 23, "kind": "intersection", "n_directional": 0, "distance": 2.127659574468085, "strength": 0.9787234042553191, "source": 282, "target": 283}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": -5, "distance": 2.3255813953488373, "strength": 0.9767441860465116, "source": 282, "target": 284}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 282, "target": 288}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 282, "target": 290}, {"value": 23, "size": 23, "kind": "intersection", "n_directional": 1, "distance": 1.9230769230769231, "strength": 0.9807692307692307, "source": 282, "target": 292}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 282, "target": 293}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 282, "target": 329}, {"value": 17, "size": 17, "kind": "intersection", "n_directional": -2, "distance": 2.3255813953488373, "strength": 0.9767441860465116, "source": 283, "target": 284}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 283, "target": 288}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 1, "distance": 2.127659574468085, "strength": 0.9787234042553191, "source": 283, "target": 292}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 284, "target": 288}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 2, "distance": 2.3255813953488373, "strength": 0.9767441860465116, "source": 284, "target": 292}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 284, "target": 293}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 284, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 284, "target": 346}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 284, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 285, "target": 287}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 285, "target": 288}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 285, "target": 290}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 285, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 286, "target": 287}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 286, "target": 288}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 286, "target": 290}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 287, "target": 288}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 287, "target": 290}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 288, "target": 290}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 288, "target": 330}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 289, "target": 290}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 289, "target": 291}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 289, "target": 295}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 289, "target": 298}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 0, "distance": 6.25, "strength": 0.9375, "source": 290, "target": 291}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 290, "target": 292}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 290, "target": 295}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 290, "target": 298}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.9375, "source": 291, "target": 293}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 291, "target": 294}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": -2, "distance": 6.25, "strength": 0.9375, "source": 291, "target": 295}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 291, "target": 297}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.9375, "source": 291, "target": 298}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.9375, "source": 291, "target": 299}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.9375, "source": 291, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.25, "strength": 0.9375, "source": 291, "target": 338}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 292, "target": 293}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 292, "target": 294}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 292, "target": 295}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 292, "target": 296}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 292, "target": 297}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 292, "target": 298}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 292, "target": 299}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 293, "target": 294}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 293, "target": 295}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 293, "target": 296}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 293, "target": 297}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": 1, "distance": 3.8461538461538463, "strength": 0.9615384615384616, "source": 293, "target": 298}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 293, "target": 299}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 293, "target": 301}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 294, "target": 295}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 294, "target": 296}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 294, "target": 297}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 294, "target": 298}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 294, "target": 299}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 294, "target": 301}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 295, "target": 296}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 295, "target": 297}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 295, "target": 298}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 295, "target": 299}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 295, "target": 301}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 296, "target": 297}, {"value": 16, "size": 16, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 296, "target": 298}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 296, "target": 299}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 296, "target": 301}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 296, "target": 308}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 297, "target": 298}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 297, "target": 299}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 297, "target": 301}, {"value": 20, "size": 20, "kind": "intersection", "n_directional": -3, "distance": 5.0, "strength": 0.95, "source": 298, "target": 299}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 298, "target": 301}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 3.4482758620689653, "strength": 0.9655172413793104, "source": 298, "target": 334}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 299, "target": 301}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 299, "target": 303}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 299, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 299, "target": 338}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 300, "target": 301}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 300, "target": 303}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 300, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 300, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 300, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 300, "target": 338}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 301, "target": 303}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 301, "target": 329}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 301, "target": 330}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 301, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 301, "target": 335}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 301, "target": 338}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 302, "target": 303}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 302, "target": 305}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 302, "target": 334}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 303, "target": 304}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -2, "distance": 10.0, "strength": 0.9, "source": 303, "target": 305}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 303, "target": 329}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 303, "target": 330}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 2, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 303, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 303, "target": 335}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 6.666666666666667, "strength": 0.9333333333333333, "source": 303, "target": 338}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": 2, "distance": 20.0, "strength": 0.8, "source": 304, "target": 305}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 305, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 306, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 50.0, "strength": 0.5, "source": 306, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 307, "target": 308}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 307, "target": 309}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 307, "target": 310}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 307, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 307, "target": 351}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 308, "target": 309}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 308, "target": 310}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 308, "target": 311}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 309, "target": 310}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 309, "target": 311}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 309, "target": 342}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 309, "target": 350}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 310, "target": 311}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 310, "target": 342}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 310, "target": 343}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 311, "target": 312}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 311, "target": 337}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 311, "target": 342}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 311, "target": 343}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 311, "target": 351}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 312, "target": 337}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 312, "target": 342}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 20.0, "strength": 0.8, "source": 312, "target": 343}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 20.0, "strength": 0.8, "source": 312, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 313, "target": 332}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 313, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 313, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 313, "target": 337}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 313, "target": 338}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 313, "target": 339}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 313, "target": 340}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 314, "target": 316}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 314, "target": 332}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 314, "target": 346}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 314, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 314, "target": 359}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 314, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 314, "target": 362}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 315, "target": 316}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 315, "target": 346}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 315, "target": 358}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 316, "target": 332}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 316, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 316, "target": 338}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 316, "target": 346}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 316, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -2, "distance": 10.0, "strength": 0.9, "source": 316, "target": 359}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 316, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 316, "target": 362}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 317, "target": 318}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 317, "target": 319}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 317, "target": 320}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 317, "target": 346}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 317, "target": 359}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 317, "target": 360}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 318, "target": 319}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 318, "target": 320}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 318, "target": 346}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 318, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 318, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 318, "target": 358}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 318, "target": 359}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 318, "target": 360}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 319, "target": 320}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 319, "target": 321}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 319, "target": 322}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 319, "target": 346}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 319, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 319, "target": 351}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 319, "target": 359}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 319, "target": 360}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 320, "target": 321}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 320, "target": 322}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 320, "target": 346}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 320, "target": 359}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 320, "target": 360}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 321, "target": 322}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 321, "target": 323}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 321, "target": 324}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 321, "target": 359}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 322, "target": 323}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 322, "target": 324}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 323, "target": 324}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 323, "target": 325}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 20.0, "strength": 0.8, "source": 323, "target": 327}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 324, "target": 325}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 324, "target": 327}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 324, "target": 335}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 325, "target": 326}, {"value": 8, "size": 8, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 325, "target": 327}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 325, "target": 335}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 16.666666666666664, "strength": 0.8333333333333334, "source": 325, "target": 338}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 326, "target": 327}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 326, "target": 331}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 326, "target": 332}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 326, "target": 334}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 326, "target": 335}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 326, "target": 338}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 327, "target": 331}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 327, "target": 332}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 327, "target": 334}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 327, "target": 335}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 327, "target": 338}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 328, "target": 329}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 328, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 328, "target": 331}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 328, "target": 332}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 328, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 328, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 328, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 328, "target": 337}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 328, "target": 338}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 10.0, "strength": 0.9, "source": 328, "target": 340}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 329, "target": 330}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 329, "target": 331}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 329, "target": 332}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 329, "target": 333}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 2, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 329, "target": 334}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 329, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 329, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 329, "target": 337}, {"value": 14, "size": 14, "kind": "intersection", "n_directional": 2, "distance": 3.225806451612903, "strength": 0.967741935483871, "source": 329, "target": 338}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 329, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 330, "target": 331}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 330, "target": 332}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -2, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 330, "target": 333}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": 2, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 330, "target": 334}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 3.125, "strength": 0.96875, "source": 330, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 330, "target": 336}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 330, "target": 337}, {"value": 13, "size": 13, "kind": "intersection", "n_directional": 2, "distance": 2.7777777777777777, "strength": 0.9722222222222222, "source": 330, "target": 338}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 330, "target": 340}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 331, "target": 332}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 331, "target": 334}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 331, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 331, "target": 336}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 331, "target": 337}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 331, "target": 338}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 331, "target": 340}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 332, "target": 334}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 2, "distance": 5.0, "strength": 0.95, "source": 332, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 332, "target": 336}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 332, "target": 337}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 3, "distance": 5.0, "strength": 0.95, "source": 332, "target": 338}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 332, "target": 339}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 332, "target": 340}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 332, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 332, "target": 359}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.0, "strength": 0.95, "source": 332, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 332, "target": 362}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 333, "target": 334}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 333, "target": 335}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 333, "target": 336}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 333, "target": 338}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 333, "target": 339}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 0, "distance": 3.125, "strength": 0.96875, "source": 334, "target": 335}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 334, "target": 336}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 334, "target": 337}, {"value": 21, "size": 21, "kind": "intersection", "n_directional": 1, "distance": 3.0303030303030303, "strength": 0.9696969696969697, "source": 334, "target": 338}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 334, "target": 339}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 334, "target": 340}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 335, "target": 336}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 335, "target": 337}, {"value": 17, "size": 17, "kind": "intersection", "n_directional": 0, "distance": 3.125, "strength": 0.96875, "source": 335, "target": 338}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 335, "target": 339}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 335, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 336, "target": 337}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 336, "target": 338}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 336, "target": 339}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 336, "target": 340}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 336, "target": 341}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 2, "distance": 5.0, "strength": 0.95, "source": 337, "target": 338}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 337, "target": 339}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 337, "target": 340}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 337, "target": 341}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 337, "target": 342}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 337, "target": 343}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 337, "target": 351}, {"value": 11, "size": 11, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 338, "target": 339}, {"value": 12, "size": 12, "kind": "intersection", "n_directional": -3, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 338, "target": 340}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 0, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 338, "target": 341}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 338, "target": 343}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 338, "target": 345}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 339, "target": 340}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 339, "target": 341}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 339, "target": 345}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 340, "target": 341}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 340, "target": 343}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 340, "target": 345}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 341, "target": 342}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 341, "target": 343}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 341, "target": 344}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 341, "target": 345}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 341, "target": 350}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 341, "target": 351}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 342, "target": 343}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 342, "target": 344}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 342, "target": 345}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 342, "target": 347}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 342, "target": 350}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 7.6923076923076925, "strength": 0.9230769230769231, "source": 342, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 342, "target": 352}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 343, "target": 344}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 343, "target": 345}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 343, "target": 347}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 343, "target": 350}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 0, "distance": 7.142857142857142, "strength": 0.9285714285714286, "source": 343, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 343, "target": 352}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 344, "target": 345}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 344, "target": 347}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 344, "target": 350}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 344, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 344, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 344, "target": 359}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 345, "target": 347}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 345, "target": 350}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 345, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 345, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 8.333333333333332, "strength": 0.9166666666666667, "source": 345, "target": 359}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 346, "target": 347}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 346, "target": 348}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 346, "target": 350}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 346, "target": 351}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": 2, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 346, "target": 358}, {"value": 9, "size": 9, "kind": "intersection", "n_directional": 1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 346, "target": 359}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 346, "target": 360}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 347, "target": 348}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 347, "target": 350}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 10.0, "strength": 0.9, "source": 347, "target": 351}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 347, "target": 352}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 10.0, "strength": 0.9, "source": 347, "target": 359}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 348, "target": 350}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": 0, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 348, "target": 351}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 348, "target": 352}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 348, "target": 353}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 348, "target": 359}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 25.0, "strength": 0.75, "source": 349, "target": 350}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 349, "target": 351}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 349, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 25.0, "strength": 0.75, "source": 349, "target": 353}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 2, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 350, "target": 351}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 350, "target": 352}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 350, "target": 353}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 350, "target": 359}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 5.263157894736842, "strength": 0.9473684210526316, "source": 350, "target": 360}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 351, "target": 352}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 351, "target": 353}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 351, "target": 355}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 351, "target": 359}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 4.545454545454546, "strength": 0.9545454545454546, "source": 351, "target": 360}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 352, "target": 353}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 352, "target": 355}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 353, "target": 355}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 14.285714285714285, "strength": 0.8571428571428572, "source": 353, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 354, "target": 355}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 354, "target": 356}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 354, "target": 357}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 354, "target": 358}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 354, "target": 359}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 354, "target": 360}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 354, "target": 361}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 354, "target": 362}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 355, "target": 356}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 12.5, "strength": 0.875, "source": 355, "target": 357}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 355, "target": 358}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 355, "target": 359}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 355, "target": 360}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 355, "target": 361}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 9.090909090909092, "strength": 0.9090909090909091, "source": 355, "target": 362}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 356, "target": 357}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 356, "target": 358}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 356, "target": 359}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 356, "target": 360}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 356, "target": 361}, {"value": 2, "size": 2, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 356, "target": 362}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 357, "target": 358}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 357, "target": 359}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 357, "target": 360}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 12.5, "strength": 0.875, "source": 357, "target": 361}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 0, "distance": 12.5, "strength": 0.875, "source": 357, "target": 362}, {"value": 10, "size": 10, "kind": "intersection", "n_directional": 0, "distance": 5.0, "strength": 0.95, "source": 358, "target": 359}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": 1, "distance": 5.0, "strength": 0.95, "source": 358, "target": 360}, {"value": 4, "size": 4, "kind": "intersection", "n_directional": 1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 358, "target": 361}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 358, "target": 362}, {"value": 16, "size": 16, "kind": "intersection", "n_directional": 0, "distance": 4.3478260869565215, "strength": 0.9565217391304348, "source": 359, "target": 360}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 359, "target": 361}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -2, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 359, "target": 362}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 360, "target": 361}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -2, "distance": 5.88235294117647, "strength": 0.9411764705882353, "source": 360, "target": 362}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 11.11111111111111, "strength": 0.8888888888888888, "source": 361, "target": 362}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 361, "target": 363}, {"value": 6, "size": 6, "kind": "intersection", "n_directional": -1, "distance": 25.0, "strength": 0.75, "source": 362, "target": 363}, {"value": 1, "size": 1, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 362, "target": 364}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 362, "target": 365}, {"value": 3, "size": 3, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 363, "target": 364}, {"value": 7, "size": 7, "kind": "intersection", "n_directional": -1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 363, "target": 365}, {"value": 5, "size": 5, "kind": "intersection", "n_directional": 1, "distance": 33.33333333333333, "strength": 0.6666666666666667, "source": 364, "target": 365}]}
\ No newline at end of file
diff --git a/examples/haxby_decoding/haxby_decoding_neumapper.m b/examples/haxby_decoding/haxby_decoding_neumapper.m
index e8fd7b4..403ae6b 100644
--- a/examples/haxby_decoding/haxby_decoding_neumapper.m
+++ b/examples/haxby_decoding/haxby_decoding_neumapper.m
@@ -25,4 +25,4 @@
%% Save outputs
save('haxby_decoding_neumapper.mat','res');
-saveas(gcf, 'haxby_decoding_neumapper.png');
+saveas(gcf, 'haxby_decoding_neumapper.png');
\ No newline at end of file
diff --git a/examples/haxby_decoding/haxby_decoding_neumapper.png b/examples/haxby_decoding/haxby_decoding_neumapper.png
index 508b1c740e9e6f39d3993ec9de57460f1487b370..c6d85e42ed8c6e77f415c7bb6175470c54080825 100644
GIT binary patch
literal 153624
zcmeFZWmHvN*e<-NjY>;{q?AghARSVYf=G9lQqm#PASs>FASsA+htgdF(hbrLXKwU)
z$NQcC-@n7q;d1Y_=9=@KcV7232~w1o#JERt4}u^JX(@4K2)gqSf{;Y+Ac9YHzq}0q
z|J;2erEU*Fg!kcp5lqvDz+DikgS4Ck>Kf9WI|z@RjkGx+uN_|6nmD}Ew=;(1
zL{wggh%!>Dm>E;b={uOI+1gp!Gg3<17&7y}o*@GFQ^W5UvoqFrFt@d#R57-@qF5;x01zJ0_>1Q>(2!2Ra}rW~{CDCl@Re@D`c0Jf%RHi^fU
zCHmicZ^uB13iqZ$X#Z<*>3`s>>0*%^Ub@`zx@L!w{r5%F?H6%~|Lb`MBDihZ^>lbs
zk^gra>+Nj`r=iW;PSc;joRuUQ2}0TpKKvb@lH&IJSCL?t&jwh*q_>k3PK8fSPpKu(
z6z6U240p++%F_i{?y$Pm+dH>6FlfU?XvAoaBSv$-%uU;TtsP^~EN0=aYlwIP|2AHA
zNjvJr5WPfUU50og+;@ZZ^21*zRdPpC!1R%zRr>e8KEuctI1lfbpP7MF`1Rj?qz7+r
zrX+n4~Bl1!RGHL
zWAKGM);J4u?SuUj$?b!}w4Vc;p?{xHJ_IlFzNf5|nfg`a-(IkWgDENEFc_42|67$F
z4D4`vG7hUz(0}VBfPccDA1X3qGGZUAB83YCTSoLxBcz1EWEh^{u`LA+uRGMv{M&f%
zAh-yYDfLG<5X4gRc8hY%f#h~MZs)5A|1LX>+8@!LFQp(l>K^HT3xUrtO1w#r#Y36%
z-?Y8qGc+JN(&Areh5g&Pyw~s>hlFv&-VTM3#^c@YvT!>!(0shg(|a&P|IgWoup=Ic
ziQD%HXH&tyc@#_}gZ6J!6-FRe;kQ(J4Ceo4tmp%u6YZ`h8X^Wk2tJN@q&-|NW%6p
zZxt#X9X>fbIzhuXwKH3kt-|jAW81W0Kxz?8!9;p;?r(iv4<_oVZzZ9J0`{_r`nkYE
zdXH;cE})1PrJA
zIS}F7twA(}HvH-OR*WEEVrIP;C}sJTUX5@IE!@EggHG!k3xD~DTJ&fQ0<;_mUy0N+
zg}&W`D7N&bc(|zazI?T0%~(nQy7^1HTfg-kx%-oKv>>Va67H&e7?j=vmy4h%4pQ(v
zxCGM~!~Ck$&R&_=`vtLyU5Z7y!1UgT&{BQq5*&q~Tj4?oNWp}+_gaPeRfRj*lB3zG
zy(>%_4+;Ew*6^Yvnj3#@i{#76C_#E>WTgrcq!=522Lr+nQ|f29%N*Ce?Nlh$vr`GC
z7H^kx((dc!ak2Mtx1d(zWaTB6hkQ7(xKV}Mf!T>k(S_TY^O3bS5^;*H%c;HTxL)6?
z5)veX!-WAU27wLu@s=+Ih!iev#ihQ(2Is9+tdw;RwriW2;GD8Q$L5vN-1^UJd1U=R
zVVEfUggV_Ey^-n3v<47LUdsGXt+(NU;!?)$RWa5tDNPj9OS#8zn(fUc%*SIiiGPZrX?rCO?E2V%niGnl=h{#Y>o*?Z
z`1$E4(P0%I2tr|@Xe2QwlKnZZUG5VDQ|$d)i7&e89y3f3+_c3v_lQB>EtKYvcll>T
ze<_;#A?;esgv3ZcQ@fY)3%wF0=8rJCHZfHenYF4L=
z-qUkD@F1?&vJ9aIBT|`QN4o0vmQb9So-=l{#L-XJz_xS{Ary!fo9rS|9yCC(c5!h|e-(Fbp`p2A%;6xCO?WpON!Ekws9`GW
z2-z=`xQA2na}EMzB@TQQZICyDlne@bLAeinQZ#F5;XqvmPBKTCUF18^UzmR%TuKnNNAMz`hAMF@6~)Xu6@XZ91`Mn9x|#WelbKSeu;>J
zqRI_;IP^Ra8R!fd9!E-vW1utmsy#v~h`tXuCgHe(!A24K&!G=4H>dj#bJjCBtzA_`
zhxB+&N@a_c!(PmsFGnN{e>w6-gp9&@f!dOcH4u0gVwX6f0V&a4eDuVe>KPliIOLdn
zbnrYRTZrEvnHG4Ku?vf@TQwZn^Bqr8g^n(ga_ac#c%&Zf}Pkw8j
zd49S)8b|alhiCW_!P4l$^0%`&taoAG<^`J-D_HvUVm$GvvJp4ZQ0T_yviT7PPlp;m
zHpgql-9mHgV}wI_}0^H=PEv>PR6@lf&wkWLjs6o
zNQ$iTxx?E|FM%T!mSAf{?G?0>e#-MKqkWiy{Lzy0h8BG3b`oIe$5KQ`FPb2{&~p~~
z;R-X(pI#ooUj|#{Ft8krW?6p}w@r?UZjH}~xT=KGwLr9h2SI3}Z{49lUgq&_-sAn5
zi(po8s@{dMPJ5=vMu&yEZ{>o$M#{3gt^sxK=hcED!PW+tov}Zd-MtUq2n^ikS!VEH
z$siA$=itt6I|cFf>=zp&JZ@lw8c71MG|hg`R8|>6@KQ>85VI*8IpuJ1fXYZb`Il==
zr#RcL3ZIruO@@6vPL>HIc6e;t#bBi
zoj)f)!+wD~EN(QG`VzOFVtZC=Su2nSc7rl({KYW
zH^LAZT{uV?!M8w|+6wGV({bIO(IC|D^BkGrED@E7H#aOCuAf|W2gvD&exG()0d!
ztpP>UOFOYZ(9ZyPhQvt{792Re?NmF{hAwRWwpvT4L`|GJGBEf7*sKOJ*MqVY?KIY>
z`nzepyaE^RgF27c1_`h^C`I6o#f!!O2C@1k!k{h!33TCv43M#S8`$^oSZ{<#3nH@;
z%%&gywa8=;veD>sd!VA$+-P!9?EoZu7`9r?uWgHeWl}W0aTSp4eVlHD?X{U+!T4
z5c4YPD{lV4i=Cpqx^tf!V!#3q>JcCyDf+|S0!MB`-0OkgRyt{E5(w2s
z*c@y0fl|88Szj$9Vr3v1La?wbaU3KlWmft&m9;ZFPktV4+Ban{({hIejg*^p!c
z--?JSS9$VgVSR*oD~re>LGB-@VUT$~vjsexjCf)~!l24C$J1N(2F$#}usvNGfTzG8(ezKk+s1*&nRCB^!Z
zjw#%Hb4bx{EfqQavw0#x*z?T6yubn4yTUmt9qEZhll24;Bs1+kH*?_ej{ZTiVD26+
z&s8DQCW4*uBYh@4oUP2PzdU`L6F^#@h2W
zr(zEXC`SUPv3~SJ!gqzuf!|RSsW=c9--bo8L0xz8x$}O)TEJY(GpJG1t^OJ$!HVek
zg~dS`In;#a7aTf|sHgtFYwZjDo_r-X?tF%4WdZ!Y^ANVV_0Vl$Dm7+=S09TSNkAfZmJ87q|
zI^+qu6N#iZS)_}Z?YcG|et}kfAFRuQ1d8$fpwz!i$On`NTkU`t?}@
z-`v+c)=h+;${@+}IyC|w&s8@Ju2GxtXQLi70Xf{(88OsyvXfJ^vwe#FX)}AH?kq3{
z!y+bfoE0G?1{Yv4GU%D92r&%!Asa^+@Z`jMiId4;!MQe=*vWrK%FVOo5}qt309P0T
z3nqeM5ORmtooXKe@!=KCXB^LGI61oQ)`rLlZVvnwBw+yM)I7NNZ=nQ(mZ=)PH?KSF
zM}zQ7vtS6r;U!5j-w)zc1gK*)9D|_AHP--s>3Jsgf?c&)403vM-U19K=y|4V>OGKc
zaWdgia0GUJio2X$vR`$ptJcK^&ifHa_8FKRq!AT)52Xh|>6hjVL2hBG(#bdc(~dn$
z_M}%l%dYSkcDw5Yu9-CKKzC>bt@P|bg~EIn1>@%z;?9p4z3iR_nT?Nxo`C6OgRSuH
zWiWuCe?D8&Ov6CL*KV1%(Ti6b1T2UWh-(Yf^N>_JqW{&!$tFlC8PIcw(+*Fq#>@Jz
z28SCjx5@HTolg=Q`=>txr}_x4<7RklknrPzauIR3(&5Dquk++tVMo^Q>fm_2X)wj{
zhz5Bjfc}JiuvsB*>BoACkw~EaO=r#N*UH5B_31F<35$#D6>*T~-o!x9bFX3d{?9GN
zm|&=9z#`7F%@dR7SRNVzfx^od2G-nRT^>WZq3QvdnNThs?V6kjS+G1>u)N!t1l<;!
zic*doV}Vjbr5QFIBu5OaO1tTt&RaUjP?HT9STa
zT7WX9k<{YuPAz@=sQp3wgC>^?$3=tcWasm;@+Bg3WQ01nxgD6@W
zsMHTBI&TD6{}1Al{s-LvW^8Fz*SrYdO_fA=gcDvL*UW8aUi85-&idT_B=~KhoE~MFM`v~V<}S7X?x1?&+lgSuO`}#qpFtU#nxtKfkKkQ6%*91tE=?r=Weqx@1I6B(dBb3KxG>U~9#XrVj?8VuoAFjUl}
zq@-{PAwie@rOB_R6oT%jRgG8HtVEaV3SO>PN8^R|9UUDzbq9Ssv(94TD?JJJ`%6F6
zbUltn)pTdRzg>)LIHc8#OM^+ELyDKc6yVOq+ns}g9Ge3Y&eoSliue>j;dy$xx7Z!W
z;fqo|x7R^hSy`EqlEPAdI8>}%3tlRZGg;?y
zP-fVo
z%ub=}MWMcA-k0J8Od5x3UPo%w`vF3i^F0Y18x=RF;WyZkm6qe&+}y!Zs;Z+%Sp21W
z&F?u(`!0{G8Y^wjq}MW2x#V6F`tspVUCmdbJjF$@r67?BJ{-5f2pY=+a1fGj6-}
z?|@Wz?N=BzDx`#*f6&GScA*ezrSGKj+S5J24C%72n#oDy0P@wesg@82Td6vLpPP;d
ztK`V$E^veLtJ$B}l2fWmxMnSKk$-O*I-v&!CB*nE%Ooq;7Wb?9~O@w+E1LnVvj&
z->+)>lbsn-FY)1uU9X!9YP(hpo)-!165=ozOuTK~fm!Q2>vhkQ;_ss3m}Gn^-M@eR&g=&ynE%Y{l-W>V#!N@
zhCwj`M_6G6R+L~t><6`D3Ud6;dfjwX=E50yr6S^obs5bMfw{s&kZ$oTyTx9fIdqus
z#_`(PTI54Xlm1jD>cvHA!DTAyXnF;L$dfs*MnyC{oWZ{6gIakbpk*DvQoZ-TdUfX@
z`PWB%V=1mFIH<0{mqXFK|9H%z5!tsn2@6JQW2xzwGQP76(5;SS7$whGiSFFo+)die
zSz6(%BG-dno}0`5o6GI0xiJa>w_~f8Gebi|YGqZ`^onq}!I!~3*{78z!%*w4kcK~j
zGqMcI#e?7?st#cTz5$=lw=hYDmR>*
zuSX$6*dTbOhY}HTGMrz+mc(_PjWox-$vG;%Ig4jiCeVpcQ%6d*?a-zV_`f?;BK60r&bMLgU`
zx1Bh)f!kq+;fqd#q{$oqLaq({p1xQyC=ESVo2wQIiTP?_&)|Pht+iCk;K>9Ff(y?-
zwQKk;b5-rtO?My^3BfVHrW&wBVD^ha^r=K-WMM+Zq9|36Nt5hdOMK?C_-B;w*%vic`>5R|}MHf-f7
zjFg?sDus846i;Otq;1&2E_OcL5mi!bX^ul}KD+
z0-_|h2a{OoO{xM`>vg^AH4D5EM?b&)q;VYC(>KD#NOE#=Ui)FyJzb4>6-;KLt!JHg7$7VcEX7b0HXkd^x%5BBU
z0SXiu*_8E5y^Qr2h?5gzT&0IT?M@{v-00?c$S_cW=ym7RbkKpCAKQY&n-M<1%^$2A
zR=4A=+1c6R;$pB;`82^R&AIcj%y7YtH%~`+fk$&+2%;w;B^A2-(;BDa`sjWT@E6O)
zwL3L8*B4D0Og2($QSf@A3Gs*}Fi<>GNp5&c2NR+c;FxwVYheNW@o;@q7Z>w?KTnHguNYajA2C4L_
zU9}3DAlv{>nO;}vJ9p-8=}4Sy0-)v4PZCs``!(^O+avsC^t1-jS>Ka;i^?G>A_64t
zNlD$lAEAyO@F|p4U_7E(0AGJ8E;C=&G=$NAakmT|lb$T(AtP6@>H)sf%JrTA$XP(T
zBhv*YAigxFX-lgI3M${k6M*Q0JUP7!{(ggyEZ{8Etlj!zk78&+^sxMz3q3*DGVtU^
z2ituIlvNPq;QH2=1jPuhus@izs`Te;FrLhjXqMXe-XnU|z~!X6YQIv268Xxqo4+VZYj7jTerm^~kiY6f@wXjUZ*dDg2as!sQ^SLe3LQQT4F+i-u`8IkoKSY3Qh
z?%xEUw%Z=FunY+C!unwEdO|6m&*ztB+*bSfC!@gg>iv1mN@Qhe`PI#w`}BBt5f{q_
zBP>KJX-?_Sa!eM;)ITv~*%|#VHh5w)u!t;Ro2NNg0j6xy3I+aMJ15*I`PXj?ascGz
z)vj_^COxTPQWz{a8SOel=)!;cIsKsnvyxPHzQ^U@vj-S;F7_f4I0b3SkxLkltzLh(
zY5mieT7iHx_~^D|0M#nIj}c)HEc-48#8=xlLuPzTSzceB!CRhOazK=MinsnD1i-mewh&}_-ukek
z))qYLDocw;TJNL0e5kl_CqW>(w0UBUczEvT)Alq@>=Z<7keoxov8ilbXIN3sQsf<{
z0dlp~yuR->Tf{@-*Rq{Uy^et4K>i}N=qyAE`YLr;2$U~PxM%Xr8BDmj
z6-m%+SuR70kCRdw27c?y`{Lvd+inNZeY9N8xxzaaoghs$M;u
zxZqzW@XejR?(_;_8$)
zb0%ptOw=F4+?2Hc=|mNkwBnVX6e#si4$$-DAz)3i+%J9JPwGs8
z=FUF0;}v{EDDf
ztJiO=h9}&~tABs^NM44UU8oBoQi_HM9TQ`&++orejm2a1#RtV?HeUlOp6x9XqXhxQ
zSopZ`UbspJHoSL}JH6fK(u5r@r-OIbjs;>Jn_7^@=f>uUxpx&;Z1t0*qh3q+5kh;-O@^4`fyN=nk)XY0Bj%x|K|*rT1EgTNsB;sXG=I!E$M<%W~x
zO`AXa1rha!P&c>PL975K2ObgRcfeN11WC}{{%X@KVH)wQ3%k?rB8hR2SK@W!USpT|
z<&0*E1@2G2HcBb4Oj8dEKPu8=B|?WG`3O^DD+UAtLvTmcbXfEWj7Dr|g0F25)FaaO@F_>1fg<BZ(H3(VKqCQf-pCjk
z8zayq$oxrIkb5diYdD~O2LvPUeX$_`E__pIdh_SEh+7DevQimpQe7#W*Wk^L>vE>{
zSR-DFOo5bpsf2(k;ME1$oG0H^9;|J+Vqh&n(cL7y6ZC7EH;*<1V(!Oi^`rwy0U!;y
zG|-9x7NKtT9Xb6Jz8t;C9CJI*>5+AZz66d=z<#LDivh_1kat--RUY;&mgO(flOB&n
zTApu}XVcI>SvR{s+-vp+M4iD%S7wK#xw0CXla2$?VNv>zRhAl3;zny)2`xJf-Kujm
zI7)0{nwm)|g*{1Q1PWf?zwI_xZRy;BNLg`6An#CGvLh{RZR?YoA;oqK>d&uiPV5w`
zN4&TSh`K;GRCotK5LId9yLTq*F_#kF_UK(FZ!p@uM{Gm?Y2o$rTB;4b1^`r7yIO7_
z=Gn8gp82+lZO1WRYMw}RX8$sTWzVV^YLyR6ZRzg-y8tN_)bxd#_$Zn7N^E)1tiqx3
zUJPHND*}U1y>B@eXK~fnU9tyrBvGTD0f7}|Sej1MEV<#>F%v%Z#VBed$-o<`&$#R6
z*k=^FKLNd6!t%2ri^jmG;^HheW`DXY8Z$>wMJQrt2!E7sm1IuQ5-0!GJwN_Ee=MvA
z3N{8?m?3;;+2O1*VONQ#8@#f6`bc0?L%NrhwY$3Np%|a6u&pZp4nO^B{2s^oA08!_
zKcAXo{a@~6uf(Zwa3Wjlb!?j&RE-L~E={i%HHAEve$AYg&Ku$qigPk?
z@{bg^_)ezX{?J&g%K+&6
zIxxI#0&BtKTtaH?^6qZl}KAz8z89y;*#&qzEcOvKS9P@%fe;-6)F@39Ii
zgAJ<_z*p^O!@merIpAY_U$^J*@NI;L<5w@%{K8Z^nt)%U
z?fjlDvMx7N{D9VK&@oNc^Ky|*jQ9K)ja|il5O9{151@1Q=^a
ztxSD~j~nf+MT>lYpqObec<2qUWL)R!C0~v5rpCBsQ@x9n3
zzRw+l3nYMxMbd^IdIHU!xP@Fz=zYK3jnzZM*C6K*!G)_XlRiLA(_zLGH=L*g{pa`f
zERkM!OqlOVoJt2pZ2xGS2`EJJ68$T3*JTS*qb7g(z34~vR&GuPP$KQ)U8R0?13RQ(
z1l(?fnBY;*&Z;zSd@4@o_+h>9c`^Z1^69Kj^#3pwBNz4EqcnUR56;8SQ-^G=yplT6
z)oQto*Ju4+dDC}OVisu8ndSM)pQ{Wiv1E7?|xze?l8Av;&(#Zl?*Gqt+@q$4|9_iSg-M8RAqTB
z{3p~E7P!Z-nvN>;ELsO4QgF2Bpk6qCzRho
zIGZScKngcj8`CT1Y-TSR2b7%Vp4D@O2mNo=#fmjZNN%=6Q>D|WUtbI{M;RYsW|n5m
zmetJe9l3`p=cO)~iXwUM1MCSBR@Wb~PkovqUp3vk1e=hrKN;~_2gx!X{wPKM!^5)m
z0SxlTsBlOK%cxA^loR!^|Soud9Zc-Y#4!$IhbFPJyU21sw>b;#9De
z`8?hXxJd~KRi-b;&%XI*y?f(cIj0YrV|F&qxs!MFoh21!g6TF(I8Qc0ACo>H?m+hu
zPS4D2)l(7ENF;b1WxeyEjCkYNhbf8R%QSWxPkcBwqnCN78?%6*Xa4x6K-pT=MwdkS
z7tbLJk6_>7bzSH6!i%};v6gmR014+k0LifT5FniS#;
z%KLNq6btnT+r*dRK`ZA7)gH=)yqoU5xp+B}2eM-(8UyL?Fwv0_UFBNKvu%?aTMA23
z?;x|g_Qs49UI@M&Yq1Z@wGZiUMr_R;U`+kyLa4oqHaz~x8%9#
zYCyhNKW|fY@qJkhCla@FIwjN;QY40JAYhX;>zq651e5ALtj{L|h=Sf{fER$Agh^_w
zhMof$BcpoZiYVzyfvz}QIdYs3BOe<+R+vTr0UPk!y-T2IBr#fq*6HNH7AA_9&ypnY_K%;e+)%T1_T
z?lR$h962<61@*ho5iib}
zuJuWQ&f=Jm*eWLTuTEzlU^1y8>=%Lcg1<$=pD<=&O2T$z%q&2t667Dz0ezY&k+f8=i(P#Eu;BX00-u
zh9-j~f!;37Vv}wt2&LaYgtuf)*~2r#Qd&Q&jZeUfdtZT_4||ZhdimJfK|9_$*?v;$
zT+XFTFU#1~kosrT}Ir{3^Lk%7qS
zN*80{)bdBsErn)IdYoP;Nxh)lDmb%m6CV_opxqSKthEN7W6^e!oe8DE0+hJ_i{>VH
zg?u3G%V)n{j(XuF%MEt+FR@W6q(qNWk3r-7gU&qC3gm59Mf2HnJeWKcG#EiC
znCA++3OpB(^AHx--pS31s<#mqZH-(+PrnhcXR
zUh(I$=xDnyn2WVmZS53J&5YyRLB9X0(9xEB`+Bx>Y_48?Mp57Q9#+q##F~#dyih1?
zIQ6^W-&s6&El>yzm*?U7*iNYJv>Sj#ZMVDSV$z4|Jp^aFFeu}(#Sp-|xW-%43gHU;
z-?=!MsjWTzg$OGF{-5WAao+I`knmP52(KHQ^fgm;>~=<}@83aob#puNrt++vWB-KF
zX22G0h>jQs8?mkrq!Roy@DlavgvasYPx8Z&=BFl#BMk4&9CB)|vvjXEjY}H!=FuL^
z4sz6GN~R4KX>hbllKt)9p|KpXXw$h$J`%8k2N9LobTw|H7*4BS-<8A#=PhIHqe*K@
z9=Ndp$SNp=9!r;h@|1epFbyYCa`suAGMs8*3-=>{ZuGCkobYj=TAb=r&heh)?i)_$
zd*7&y092R{&_V#+wLWv(AW0Hms{HuTDj2=zk8Az;D^E)7Kyd)llol2BPK}P_!LEwW
zU^3?h_ZxHC6WeO6>Wz>^ylIyEap~`4{J@jY|&f%
zkIVWiyqp6()s`_nU_d{K;MVGcicHQzk0(6$%arb2*1=
zEj`nPR3LGTezti*t)64jku`#O3VpM+KX&Cmlu%6hjNoH2`}+g|YsY8wsX5wF?m7oECo=7Mt(gk{jpC
zBZ|$Fz8TM}&X2T~XlXqBb`HNI@nzBF;|XVvya<^3>?9{PkGMHG^U7gmF`RIovY#%=
zg>z3j>GmvR@8u*Ek3%3uL!LqRdTa>JZ*Ayk214U*vAdco8om4&cjN0eWmR8MluXi4ND7!jh5!i4_?XY(xy!bfSv&)qpnu
z2SfG&hY#?FYI|bXRi5H=1^okrV~{!Y#gfwA`#UIiqRY&;`b)mZy2ERpU!t+IW=*rm
zQ{Kz^kvImBt1Bpgp(6T+k@6IT0`LWf==1H{H{stVIA=C%Xx7^Qsw%!)<
zA>eXc@W%Eos;YWxq}Wv3!A&K&u(Cy`yXI=dZVq@xw+ymPq>vVAK@QPfE;0Gi0V
zIjG7_LMdvXIxhhJW3%qtH||BHp~t!A)r(`ri7~2VCw+TMM%Sni9z9&0;XINGsrO~4
zr9MA^@qHfs9hu7YG3Pi&U#y?x9*MH7+Ruo!E=%^4jTgFEe;NIQFLiji4EB3&z0YT>
zXqX3cMPOc6vva?OX->Kbo9=LWEKV954KlinpVQk&Mx>JU+(%ZxyfEmp!j1bC&%l6yBF
zMtXp3w`TF#NTlz}6|D2dKO6H{h;#-pULm~~?W}g!57|4|d>`LadV-~8Uw^VDJQPd}
ztic$5I_CdAMG^J#Dw0o>qMMY2zdW%)8pa+*EPh)=wp$GW4*ld9*8rhl9P!`Q^`r{!
z<~4DnS?Ve
zXA~D}Pqroxf)w1Tt$VPACaJG0Hgm^xges3`ClBm~Jkb7P9F&H5Y?M`p3$PBZPQ?;{LF{*pyHIN#76k^epb5Ac}#Z4foYja#LL``qnB6
z3ltJ~T^3l4qP3%x+0wE-9z~V64+H1f)oDq0NTav#!yM#x$rbs&u7{;t4N|e|b7w%n
z3jrqz0rC&b6{JWkj7(_Q)x<%1sOqKw%45J#Jqz25Hv^i5?*|XMfC;-VbESKG%qIrn
z2@1x_VSuD^JGu;D41%*P+e@$mj2JuP(E?QqLQRjF7UvRvBJ}G&0YY{2pP!UOMKqi9
zaiOdK$diro0fjke}&4AZYQQDtH5iH1-EOuu2Gpk$v(QDCzA^l~+Pn;%$4Zu8&?MKV~Qcv`UN#R127|x+jfNHqclkFy$>VRI6Y!reoOvVHqZihkDbZ8{#ZKiiO?&T{7yk_M7x;~R2x6AK#
z%^ld16Mv)s-_3Pt=RVIQ>>Yd2EecBCCY1{0TG&LRq{
z!!b`d=hq6(OKxJmGCgthJY7)kY$;KhF*?zZNeIG}!sP`*^8F}{n;`uVZDCyjy*7Lro?W=$vSMqsffpF0~jf&}02>+Mf!j5rBa`g1qRqQ*8=#ZA0qQF3dbO
zOTV@G(ZS70P_^9xQY4Likp1W0UF^t@1D*T+uy9cMExC{9NExNkAKFseZ7fYhie-W}
zdmLv;oF41E^4<}_q^uN~JfrJ%+vg>4PD9J?&}wwhi_K*@GqTpi&C6kaBpjpRqc}Ag
z8JTD&4I~9Wp6~|;oHA0mWg2$86Py6YW>y1OWTa^^?)LhD_J@HDx1HeAjT^g59+PPQ
z-(^o&^6Pt(76vPPiKBjUT2{Y1=1*Xv9-5!YCV5c5|EuKrth>n{tP+;SZF!u%Iakvh
z%Xle21i%IXyt?o}_cwOqD3uh2$$(j<81@MiD&nBa1hTo5-p$1jQXSIN%N_cgLjW5`
z)l&Osy}FPPw@IzuO-T
zvLi2IUV+-&Ohes`Y7`G!6aFgRBo@;9El+@*$3G^dr-L|#EMzerW
zmun;OawyA-S-WYUzIAC$RLcvL(
z;F;j{vfQM&N!Ys^_uy(^zy0W=G`a}`?6Drv?BK!R%q?t2NiB|f3wWk~X4@d96+zM4
zK=Owt_=uaAf7*8m-wo*vXh|(&fc49c@rg(IV>BD8@vSgp{o3cDUcd(q$RhFWkV35{
zgIQO{UOkHf1)0=&MDPPpSAGx}$f`}VXK_Ck`j(9UHuwQ<PtodzWN+^-R&bD(3pUZVdOIF4?{#hP(F3+-Foc*VI~l1^1boXe4Fd3C+6
z_@|zHH(z4onL=mQ!rm>jFK_k(4aVPv+*fMzj>>Fdh3{&$F@Q4H4oHJvP7%XEPw%Kf
z!;OxIQGN5fS@nb2Bc)l^6AQ^J-JOg6If)h=UJ52qmsr0
zFZn3%&-Viy3R~w#xG;L64;Z*7zm96pVQcF?UP^;4;vuV-C#ymp&DtlnBjF&Wx<5_}
z8rlWNQMB`ak(9W`P0;QFO&SdOH^!-)fl^=vXD44<^!z_Za*s_ld@rz(z`crrNI`Bb
zi~`7uGTPuY>G1jz20GN$@vV&TMe3xNlkOgmBKyCy4cji;)oO+EGNA4PP!QkPm{TQ*
zRJtS@sQk|Z-=CU}n-WDZ##dHVwx?a!;e{Id+pqE;w6$e5>tU(fR8#_J!2Nm*OCIa8
zJMu)R=sDsVu~muf
z9m=}BHwT~42z!1_4-V>E`(&67b)x?S9yYu&={R!?5cNoA2Mr%^Fyvxgg`B76HA4kc
zh6{KL{{FBZ2TQ)lWfmpLH(#P`8iV3Rh-U|*8?*HFcD_(he81>K-SIr0*zPB<^;ozo
z2G-T$uWjcS=%7&8*L*(`&BUPSG@65tLRcPt@{so>g756B(aj_FP=sZX`ZNjgWmEVm
z0mZ0TK7vI4ud{~zxPPTQ_7g(Z%Sj_zCza;cB*tQ3~*(|}=_mV}rN0igNzz`4f)I17c#n$DPS0%ui0
zj1%0)@6TlX#tM@5YlymgcnHf)<$b9t)0kI>QAQt{8OVcPB3r6iz24X?XzEJlfAYi4=UiBz{aHqFbHzC{6
zi$yK6Re!Q*Zs*Pqcmq4EFu~=Ws~(`VKXlmHK^!hJ|JbihQ!P&d53^lvKhRuL1rlHX
z`m?k3BUU%CG=nHUyz>47=g^<9^f&Oue4)W(i(pIN0xX~nYg;&NE}JSde*Q_cZO^7b
zxe=Wx>ui2i}LnKg&EvX`*<)#XlqeV;QcgoQ`|ZVrtscoq^r!rayj)
zL@S0x$lx@GAN(xovM~JDQRE0t%Ei&BP=YhxcGV+UX0_vp5Q7tOJ9>Nn3;PU%oH%x%
zWi-1POD?BA?Rze*z*1VV7_TqfN?!WmSfp3DN(n_NO_W}KYvb)VKT4Z1HL1FCI9)Oy
zo+-@fyXiow?4~Clui?S+GLCJ=4QOPyG`OSx{N}VjRp6rN)WZLIuPFMLW*p0O;>IIQ
zu~iGQjaOMW`-ESn)8mR>zt&L(r5w<-@F@TDIgircDP>b@0p@8(xM!h>1L?Ik8iS)q
zs+0$1W8#3Z)eN^Fb6LKP$sGvK-5{He}O{DWgqIa4XKCJ
z6>)V(((xmT2U=F1w6W@WR%;YD>Nn2&;?0eWaubxqoeT=jUkzNds6O~hVg{*{4X?5!T(nw{By;J=!F<58L&6#_FDV**K;P2cUuj5(%
z;;;kx%bQSaN=%=pv_2xfz54ENCd(QJS8_WYhtN)nl|&IRMo*$cJB
zO&gx|(1>iXos=5!vcnZ~gYT*}TjN&V#`$-elQ?u_#K?Kf$NHm)T8kN4sWfR%|Bg67
z)39>MQ{ju7Uf3Y=|EQVs#Kw$@ioI)_)?Iow`0;eUN}3uwecg*Y?~jOqcKFyRKBhUBu1FqXoM;!29lw6E~O(lwL}`s
zPp$W}2)=XXusjxg7u1G?Pe5?~)N(0S_)ztVR1}vwjQ2jGNCeyO0Iw%FOPB`W(8zR^
zZR5;WVLE(&{i&%bMgp`)t(5nJOnMV(2{P$ZgCkzN8eU|m!b!mqtcST(el*yQuwocP
zL{TBoMYK4{1cl&9iihKfAE{KRjIpP*-2DzJzpl
zOLup-AdPfMcXuP*N_Tgcgmfb%-6R&Z|J~~}2wRN;>r)PvrxTL0^%TF8X>%sDw+={gPp_{E$zN
z!?P>xmO#Z#4dp{nV594(I-AIg!V1Uh;Mq3IM`$c0SDTNhqlNf@C{`k`QZFJ7PvmA4Zq(9nblx)y&z`=d8Kz1K;wy
z!i6zdpxI)VO0q?YqaYV@LG^ABEMc!Qn{Moq&FuE7(5u07Nw=P6s(hj~y(MOI+F3jY
zb;02%#5&(>@%0IIy#y)_Z9P=66vPOGdT~OnF$uK*%rA8!(pkf&uRC*Ru)x9T24;7wG=K_%=?up
zQPKO=U6ou63=G_xY2B_L9G@EWD|z9RA}EzPmgp5n-o#pQdM61{>IZg+o|x2()4y&i
ztp)3#o)|~VK-=G;1Mj&z23#x)@Uc31*mYuERv8|s4EDzU@c+p-p7Idc*~hD{F)vS)I`J9o#$uwSz3WB&bg^U-3%^F(T3p8$?|DgAT~@EK;EDzf
z(US%P-P+KT7M2dc8-o#`VcC{Foe|WCa&jgi8~0@Tm$Ku{vVM9`6ikye^EC~oWj2Vg
zynv`OuXggCssVxp?;QeNu1_pKtp&1VCP;3$+|VH_n$g5JRry
zeQ`!IUE&BQ0di|oZu`6;D-pkIStrk@`4wWe$lEtVBFDG~yANTK0Fp*lee=9e_P4@n
zX3|>$L5b_mYu^psNz^RgN$*X~(?c@9>6a%c>mT3nGV8Mm5S`1Iz>ZYvM48gr5mR;y
z0r5t(4=BrGYS*!^t?fG=Kpe6Bh)>N;=e6K177T+TvPKqUo~K~c1RToqZ|uS6d?@O(
zZb}ovH;xkc{Twa{{O|xL!FWCgG9U`u4AtY1WJ3U1a6g$b#X9xc!iWIuO=SOAKmq-&
z%l^c58w-1S2+Q~}zroR5Lj5tZjG$kpc?c;77AG>CGfiNLk+%d96yX4A;)q@Y?4)CSxGia5UDD30{%#~ZQ9R_z@C~u
zLZq-nT&UPj%lqFlyZXr0xb;?kwKNVrm#~e%q{~aqUd>l(;)gA#R3*>*Z=SG5IOGM;
zC}84;48z>8!7(WKwlzOWG~_)Au0hL&ynU!8Lw$ckQ(C1!dFZd9v0xG_G
z{UO4tu6bUL`)T-;dasAMwCQDYA@CttUpN$WD~ct7^GHC?10gwHgh_;;m+9}{2`Rzn
z31i&xOicw9&cARCAeG6CCJY=sO@n`Xk4N5$C~~*6V8xr-%CUb-FY2YXia1^vpB_Ih
zbaSRB4D;XH>oLtJp_n;SDtmqEFWY^xQ1H~ld8hXV7&fg3+ljymmXgRb7Lb*M-ES$N
z^U0_Iq!dglKusM~sjnEFXztJ7}W*VW^eX}8W$^{iz
za@f}=E^-J((-bJUE_*{LhvNBoW!Jj-0i1#r@N0%-(Yr(3TpWEPy
z|GkkBS>|MTC)4`z^zyY?Z3wiRW3ID*VM{0*9Hj%c!mR!eRSsD9>yEaCK{{wVOg$_e
zpJfF;8*rJA0}c4Nq&}X?2rZ3rsEsc>Fcsw(<&IW`f&OwDNfB+F^>HSWFIBPSbjmr=
zs@2NPZoforTjgfi>D@VU&LI`PZg+9Dqn!cvwUyMI|1q)8b&N-g$ZHYTYqgcqqh979
z2X$)xj$D6S{gEv@Ghm2kC->|2*gB<&^HZ)-EQ|aXUd}woPqija*~ja76Ie6*A-kG9E@2|+@9lgq`HVA
z$q^!Li_Pv2Ef#kOodHI>xDgmRA&Lmy!CJHs33j@4d1`V(Rv%Pww<1}XTZbh)i%Y!u
z!N8b)n4k0Q5|$Hb%SS#Kl>(6#b36<;Zg+2cdpjryvc`65LC0CGaN>6;-tM8!IXEUL
zLm)9zAaNIcepP&bAC}p0HFDCh64#P5gH*kAjMQZRSIW)yYsJR1tkR+~)#{Qbe2Z>|
z$97?phkxUly}jJXrp%>bLo;i3V{r8}cBkE8ZU
zzM9j{uHKH8GX{%EPR#k%xPm7?!u-5xLD!zWrqra8*UZO_3625tR5IZ!*L+oOw(__e
z5@Wmim;T=>KT3XA`kr;Q|ZN+(cq%v+~GP_b7b#wEK(O-O2$$L#@;ey6U
zr#MOBg5)u1@z6qY8L3R^I(MWmv8qM5BTNkapt=~){{jc5#~U8=7mJEVyFTn7;4Lcx
zSq20E4J%()A6WHb!L$T<6?j0`CH%}!i-d6y)4%1O#TdA
zy3dkAg8ej$gQz3LvyiWuQ5bhSH>^%4`R8v%7#aq2xpl(Yx$fTx&7sf`K&`FgJQ5>S
zFwOYB9M9W3rq`Xqnj292biXr`h$@ub%4sFEs@Ny?>2Y;~9f=}wBqRSM?OBuq30u+9
zJt;CbXn1BhCHLjexJxnm)6ixQW{r_h9U{Oy&lUtr*jH^%I;Ou^o>OhkVL8o-4AbxO
zmdNiok}JpEO5R|=zon{*(WNxi;H4&pTxKov$?q@1!qh5-5JTHp=wn5anK5Qhe;?xs
zx;w-Sxa|~1DudqrpscT{!Fz$cFqhPw*uN;i6FiJ1X<+nQKfoyM5<$)@^!qdS)@2XP
zI4NshAnB5O*}OHlf!WiMVEXqof9gI|-1t0JG&bP?o{vSpPZI}=YptUdk)BQ6C5OCZ
z^M9o*>U`O#sdl#hJl4(@Cs5Ci3Vf_!k%5OO&8f)<{H_`bwKWiba-)G#R|7$iNc<8P#A?QGn+Yg6u
zPJH$%25)zeWIvq|HRV&)<>ovuT={?~J&)&U80dQJ{!4-?NrM6z4UEezpwY#-&pqxV
zku5jL6OqlJdSs{n{_jX+6hcWfWC@t}gh{^HZ)l;dx3~j`2>KRn<%CDU2mLUq-ok=zIBXi>Qs3ks~#OxTqJ
z;WS#HDP6uR!!A~PTyaPc(b2WEy^JUnE_XV{=wD22N*&id-TYloNg01qVVJk@f(_^^
zeF1;#Lg%UuMe601QwnkyG|!Vc@0JQj(jl>rm-i8|PqsMp-BuW69T)Z;6aif7thv|e
zACGvSb4UP`C#im@WV3_;?hXVdnO|~QJZi@_I@veu!qZ-)a$&H>+5ULMsV?h{Z>klW
zNXxGcRj8TC2{ilipe_i%-4WA-4dViBr25ZB>_&BBNI-yg0-EWV?FjxQvLtKA3tSVG
zMZ(cL6Gx~Z@PjVHXe6_B@wX*B
zzgStidp5&)KgLCEqFR#HnH4ZB4yo0|@;#h&1ix+x?=*x*RQc2Fym;}^T~
zXRlVM5S
ze-#I872Fr_Z_}@v<6u|3y3y$b8_>Cr>ER4c>+(j;&@t`4`ChIIa-P=N!SX_JW6
zE}Lp{+Jdox5EB~I^{pJOr7X?|RtBan7WIM!1b}f@6^x?7;Y};q2Th-)(!ng6j5cFr
zf-mya6z>{ZZGOjl@#tA#s8475)-}<{k3FDn`QGge%lbVi3BS&E;ik@|Jo3Zg{yx&l
zsXp}DYK&lJWQ3l~=%rcmh!bsb;0ME+71F=x#s+#Jq}q1{CZdA?I?`?oe*xI6Z+cbuOAq&V2yxCN7E--+F#LP_pCR)*r|Qyv4~Jh6e%wMJi(g;(_8u`
z$SJ7zFIw~9mt?K`F|~`GlJG2*fM_X22MdBbRb<^8x>(!cjl8jqG;jv!Qn3X~c;rXH
zB$@JENS<5t<*yIt{>;oUxu#HVuey#_v8&4P;v-E>4>z8E?V)zR+ovT-mMr%dQ?WK)(5Jz}nZDU8e6lKV5Z-yz8z5)#SK_f)}`K~{D1
z6H(+rFn?z{Wn#x%v4&EUn^^c3>X-lba^03M$;T!DX?D-B-&|-t|
zfA=w3ex9Kyb)4TfOhMi2n-wc_g25B`;TW^QcuqK8ois
zx_N>X2o2U0fVgfan-?jn`>#nvtmY-*dk&vLT!f~ysjCbr{g+D6Mm-s=;Y~&ccu@6D
zd6i}xP5b4mtc|NOh+h$_Y?mwqK6JD56O)3Qx2+)6;%Vuw
zhopST&QZd)BgFOY{uVbCgjC9nWRheeFOHIG#ICNFdmly*c?(m35LgIR_+KSknTe1npgj&D-ZweouHu4o&`}OsKykJP+a;bPg_V1+baqsG(!B
zTB)`%U0A{dB~Qb^>_&Va9rIGTWbrRl5q=mF*D!SBCmz{kc{=BIG1LUrZp)D(I3jmh7t}}?L23%oiF&!KBkiDFRU)L1>N7)x|YbC
z{yeCB3JjJHw`pe>8DH6xf7}ta7U4>iF!#AOvyTrx_5FL
zi>;MI{TAh*(>{?p(dr5bBs`3RXVs9mYip-!r?5Wy|Fi&Y4mj>m0pfFC?Zbsz>;f#F
z0z^N&PfMdzbtb113i0bGQuOE0`+aRWJB7z=P%AQMSFZQg$cWm^-(SU)lN^@Sjtvm?3W7?Xr_?8AU!6A7HfzG
zgw@gP&y<~@a=AjT}3hL1z)k(|;qM;R0TTm*~ES{Ej8wBh;vc!2zq!A3J9q$Lml
zQXr?O$XE6KtX!QV4Z)QVqW5!Vi`6d7*=60XLGrgU&%uzW=-Vn38PJ@L
zUN5F23H;Bqnf~M7*3<>)p)i_p-jv^*P!c|A%t!5|eT-!;?GT`hJT%T8;ll}pYxQy2
zN)+a4VirUv`Kn$xohFdjz_C7{l4qVK@5u?Z^~9&lSASS+2J~py>~}$+L*t7StO`MZ
z(Vq?$9SIx>v!kdRDxR-QtIR=~DBs$-;8R-uMN?@L+a6n5bM&*Xt^@jx1LQpe+r6|j
zxb`9as=H~S)f=o|wm{$p$7m}z>k2X_3bVGmFeD%$EocQ3blp>P)cvYG>?Doeo;Ft0
zwZ6>xH|T`Kl54s$0`v)?`$vFzwkmy~4WXa)l6>D`K#Ke)>&
z6kNqCA|F5&VEx7etb3f%i=d*9Q{YAgXTE*=R5}!T@&*`Md7E@<|31SftaP$mjZK%W
z!1SW1CtmygGR%ak%=@%ln`Ww}-8EO4$y`P<)Rq0PtWW8CDIG8X2#H?(r(IrK=aIzY
z*kT+9CuYfL8gz!+!@$wnNy#(@<=!1tzLbHz|2iNg9_W{v){916FSN>3zs%#qo>C%Kd?6
zsZ2&WxQr|)Cq6w7N9Vs@o%V)a_Cg*f=GVSoBm0HHz0M%pJCxL5qD_giqV8+2yd~$%
zg8VE^sG~su-FiZ<-K1h{zi#$(o}s5u#sYo4X1!
zKYpiOb{N|z8{5bmMJvDR_<(r7tta+N)3raT%8G6Z^E1cuhvgk=l
z_eLn<2SmY`z)dyCm1@I?iUT{PTQNaS0rDTPiP&o4t20ydm=@Ir#qqEQx!Pj-ehF0*1u`$QCvJTHeMC@_4?=GM2Jx%WMa=}
zvLQqULIgxaL;p`aPp}=+S0Ob4X3Xa
zNh{yp=o&N{(JUYVp9K9*=gDd#dW-LiVrv5M7Z3dh<^kSk_EWCWK)5h->78L!ALo)X
z0$`0Ew$?E^)id-7rM)X-ct?48ijvX|qt{i{sI5HiJI_}pJg_*63HKLPnv>%V1l$cQ
ziNkj6*p+>Tp4>pVha&KV9;|)k;F`T{f3kn`>lRvDc38!GB(~8EL9*B-m~c2ZX;p{<
zjBk?4@i5{qg95#_vG7|E$R@$b$ZG`C!d5Uq%d3wFIx3Cvr3|-iSE-ZB9m!%JlAviM
z^U+B(u=xX9B>N)|2ES+@?jEPrIzJ46r}t;BHgz3zTx6D-AaiKcXfxtRuPh%r}6piL#aClYn5()hrYEU5aT7_OcZ-S4#TiKzlv&
z;@HzH87=L1F@2nKWNq_+Ko;0|&)bHsu8>NQ^YA=;>
zP+z`)d@XSCn0#LjtNWIpkNy++k@aLoX$_H|N6sqo_07&@uW55892FF54Nh*VD)G}U
zzTVdxFE(UbTBs7mw$m!@4Atd}ku(qKad4Bq`L{`-!A<%(@OKD`CzGVMz7bt*-A?H~
zST&Thr2$A)i!fB^9u87FO15Odp^WbmfBOX4QepZ0Bq
z4zuWqu>sBCJKRnt-B%h})HqdAQ!Wu(nH-4>-o437+|SY;oUJUR`7ssp1&7!{^T!1=gd`~&P{+FOJE(jXI?}Z(tNtQi^>+H=#cJi
z>~XcuKTIk`*%;OUzjc-Qww+-6MyZ+Y;#{e-O0^gY&?B^N6}WusA)O5kfZ7ho@{PQv
zQlu3-z5*NlM<`KkugkXOAQhTv&Qm(UH|g?VB6p)xE!L#Q!COJar_`~5UAgdCc6os5iM9Uar*m(bsrjzcWx<{h@3$N2EGHZzuLY=!dH*hfwGp~}p8W4tbl&&kl0i7;$
z2dZCwp7D{wkteOUdpK-#J-bgD%l5O%gO{p-<9)`>DG+`0^Ye{=Uwy5hPPA&P(Mi$N
zipjRz@aWNU?kTISJNSnrMa9h9TrX)<>o>~Y){Jka?0tJlfExVlrSeW5SRM9r+hK!v
zh&tQ*_9;i~0&
zljc&0tmROWtD!^BF~>CemfSl&qV>uol`7S{5Oj~Pv(HZ8ipA-Uc0ozKpc>#H7`oNO
zTD_d3>3rV6{dsR)eDI8V1&D$zi?eGzkOpS0U~o>hZo#DclAwLf^hz_TbiY*_``oNqF&{6$@A`{&PQbQ7jRf
zC&JmBd)Nf@?7rbk#of_+mVpG`eQ?}KJw|W
z9X2CJDPn1TbFTV8V5l=kGn(?Zt;F}fo*Y(P4;$Y+GNB?a;kaiHnQ!EcJ{KD`_T9CI
z&z>%SywuG*T9=R01hMw*mzvJ_a!|76k=`VAhn%-%qmiB+Hx3XIf6)CNRDbX9c$Z)7
zQT)5(&G2f7phoP%yWvxEyA%wd!oH0T`Ct7T_J8#Ty_iV-U@vO|tqgVIJ85Ypj@};j
zFR42@54}7O2+^}gz;9$l#D_%S1F?QPoiSt!`M}}4mHp{HKBa#!yGu@EN1yYFX*(z~
zP%axbft*Nf`j&Yj=r>5pdPf$N53-J3y@{Zx99@ztRB6vyUD(8G%c1>GCDBhee&8>N4b^-G!z^^$ZeszAZCXU3K4}lS#yA*BAslDx!_8x$PKSH`Vk0!a&y02nqt!UZp
zV#wX_xcVWS*E1W+@AWH9o*GmvXjGPte@FU%0Yu-ZnmiZC4a+!6tT39*kC!xRM=@18
zH&^MWbIYM4M497_=1_*8>=vZ%E2C~KjF1m=LMuQ8t;ytBIfg>B)zM9xu`f4bAu-On
z$;60+^;n7dW1wO11I*15{GI$y!KNj0LpVK7&r;I!$eE?pl7^1DgE$dAyX7w%$HZ>q
zD1XX~h}|Axl+2^loTJWhou8z0VeSalSU+y;<@~3eV|qt|Ny_T86%u_<7o=5%rB#$a
z>)TC#7;Z}hwa61k*r-6ASX(dlpMq`ihI+T-C}}N*R^49|4oD-c7(-TXvWS`CWRiRD
zl8g*0o)|iE&R*mq3tIBrlK*HyyHdqR1>C2A1O&*?FQrxe-))!z6GBNc|-El#X(LgzNH32dH9y*)WWDh(xK
zDEh4wAHNbP8oyc%6-chyDDnnvMu^swQ^`{{V+UstV^^Jf4lgwhwzGj?^*Jc@)?3ZE
zR02bZMyh`c%g{l@*&|tBPj5`WU+`wh1hSOh3_M_+*SO#jX;}WOAtm>cpoM>$T}A{N
zd!)PRM}1+xI0PwHk~6(Pu(y<=8B3{tj)V{vLYf4s7&XcNp8mk^baFGCD8`P)ZOkK`
zck~8k-$o`KNGWg80nX-YmtRa-`ov!Hq99QXI8w=)dmkLF(Owpt*+LMRH{3TanDFbk
zubYZPq63Dxry)N->|0d^A$SOEN)r36Y^pl;yZUAN82{5JH4~8Kg5yp<@f)4auGs3k
z%7J)5vv}Gxa>J0dPCZY10~9N50t8$lvL#BZ}o*Dq6*)U%6LfVLBiWOw&TK^ZH93H0c_kWi-iJI
z%G=XOAp?Y(bWz33!!l8vfy=ZJI
z=17O;jAM;=ceODKEK?gQSMKAr{axPiu)vo~dUBC6hhCiUe<&
z22-9$aJ7rQg;gjxM-hQPmfLba>Xs%V<6Qui%oPIb{%00O2pmtemeo4@?CGBSSy6@^p
z!{`w_lE(j(76axzO`AG(0Dv5Bo=B=Fg6nj)xF$&4lKSbbb
z_pA{s`*GIqdu1RO0>Z=8~y|LSNOZ?xSm7VeZp$DP-r_
zHqF^S8?ul*r47LnYy4pJ-wD^n;)9`bjMitwE4Uy}3mB$JGB{`HepV#9eo=emoAM5N
zcH}98!wGp07p2i^3YQ!;!-qFyXv?CTZ#Ddj3AsJHV%kF4eENoST7D*cuIiRZJX%bS!nMuNH*I8dZ;^+#mC
z>V>Ad6a^gUKJf#38xuoD5v+~o5Xo+#>tb3syaAeY6c%omd)|DJ>L28(`?AJ9y>nv+
z+UoeO==+*B*5gH{snHThTR&w4D*Nn}c@OEHkRc!-5T)MSc`r;1Fqg3B6xL`V^+WcX
zvRiQyU=)f{B4m<}oB})H65bW_N1)p1U25flv}X4L{nf+8n_p#fGEdV;dVBtbX8i=-
z59AU-g3NiCmp|v~VkfhOY*3;oaPg=U%TG8;Hm2OpyF)_n71
zrTpyA6?6z0#PLP3SqPIvb|`~5Fl>dJFg!rO>_(&2J@>xRKTnw`W!^S-$ic%QboJdo
ze>ahk%1f6tcTZ#Ri#>eo(&)!}$`6PGRCUqkCm4cs>;r?Gaihox@1z4Z=yISHf}y0|
zr(GGTki9}&L
z)UJ_|;)-8rsvrQ%3~Iilzrt@aUyq-C;oF$PoQM_tFHYC539$ZoE-b@p20squTxHc4
zp48T{Ux-a~K4(0VP{oE)Di?Hf$IZ#S&WTj6$x_kKXliPPhlL40929bAo^~$E*?sFx
z@)6hbIJqlh*&F^+CplV!)W`s(4rS4>B9hmxbX<_@>XY{f`w4f;ax)hxH4uoevJ>@u
zHTjYH>29iG!jVT`()zpvXnPi<#{}X++DblCJSseVRjo@8YxClvjC
zJ6-v&;hkj^-+u^MRrv;r%lkywN*O1`^@(5RKn1rHwPqXtW%Xy57c-T{F9TeEG&O(#
z^YC;9BS~ne-#9xqNUdb?*U0$=JUeRAv|JSgWWSNeV}?oKK>E0)q_?zi(iE&qT3XWH
zOTZQ~@W}sY=0oK;^+ktHCt}~1S%wb7>WO|8e|5~XcC(+8pF)DZ{J;!9YUCFTmIm-2
zXO#~r>>u0dVe4^FLHTkd<5VJS<+;$90c=oGA{acZD{3(;393GxM&17yiK?z?dq=EJ
zcfq-yE9WTCsK;ohRA`m4Bg~G6WIIlopb_DFsnhSUG$xj#5!G6p4-xPrzp&PHC0|?o
zsYi|}4kQjzb?LiP%1Ly-JqO9ViItFNfC{j2>@Ru2y`Nl(1o6=YwCwA7x#d2pQQB^Y0(2;WzN%h`vW{j(+f?eYp79(K3R`r4W+#?)uq+D6ph8&26&><`<2Hgi!Q9CWi^9h
zfqU(RQP?m9Rn6Rz;8p0e)2l2qUJyu5%lqmfT1I%YiExz5nj*}xQ_(`kYT
zm?}@Upom{mTm4fo)^{NRZ!1*{Y;1O93MD!F-yW=qOr5bLM%a2b-ccw~{3RwXH~VRt
zAw}gZ*nxqV8|16Sur(3icO)#dd?*0u1Q-x*3i=FL=jP|%NlD!p=y?{Gmv7_l#u2Vs
zL?}xeOh()Pc69|v>%}m6ig1#m>aoB2Y%)%g2+xX3H%&=Y-jB}=XFzxDybs~kHAywl
zY97|jYk=~8kP;M&D3T!gu--4p?Li&f4lUbf)X?%?2XSY
z1l8jg@a=w?RNLaBWS^1Xn3eEqM7YSQ)tm*;csAZ>Nq_aUnU1tQPXuAZ^;|V?&Dh?qNbg83-@VKK&KS^`Y0`x3tiM
z_l35QI(pFWgfNoLtFh3Q^yce%9^9o%3{A$-qlayBm%Y@ojV*g=J?m!tv;>7Zpy)^s
zbiUw-CH5cYwS?;TqUU(@r6=@+@3UZa>jJSxK`sI;qj?Mj=q{rz&gA&oDK{&h$#9@`
zjKbjEAiouE)VxrR09gYo#!TG6o7Oq1}GfBG2q1=G-Zl(?SL0Wop#6w_wcdN-2C)
zR1j=7wU4!>UCGlXu)_Hf^Z*lz#JlKyZM~_dxr|0`L*PX;2hkrCSnZ6CF^5k0K_P2=
zW~JAKUPLL}QSeXPs{0M%_p+ni#?;?r|EC4OgnoV373cS66lVMVFxZF=6RP)g0TmR3
z;dyMMN&&}?{Ewu!g9*kn#}cI81Q86V{&x10F!#0$i`~UvlOp@v3meefHm-Mt-KAc+
zhq^fo7JtIsn<(_V16e<(7&YQ2WFf`NI@InSwx$%~H{M`XQ@jDbJ^1yVVooeUfa9pH
zf9_;-nF32!Kc|S~CnpnBi7TI^^ojqps{FZEnZBQS`_chB15_2N;MJa1=&h>XcTfLd
zfGYItBQ<9{`IrI|oL^aa?5+g+SE46nnA|^K2^$0@jNO9UZ;8F!3aJ34Fl+r)eg3+2
zOQo2sMPdH>KFvbFdTH~U2(o56b$zcoM;+S6COx6nELa5x0(N`B9;q4PX{WW#u$GjY
zcc~0Eu}`PnZ%49N{*ZLhDRbA&=Q~jDedKtiJd71c6xhW3pMSpwGb+nMyex0A65J
zG<*0$SLEL?2V59q~4-y*_f*@!SE+A&J{TUd*yAPaq;Cv#HHF&DV9S
zO$-mj~04t1e){nXWwE%-^lb$)J@vjIy6+a
zZck5jl6K;0Uycf$1eu=pB_ipK+E|Y%aZ+`OL5qJrAh&0
zL18dcN=)wpN~C1{bnS6FnSB9*J>}TF^LHp7jD6mw4WFYwK1zOr!lxf3*?1_b$$EFn
z*@P(%OHipe#oMG&)|pcwdX6*S-cxh2-G8R7H&Tn5h|xx&4~=Y$RqH+|eDa~YMbuF7
zX;zJvcN#ZfKS~|1HaGO*{xpuds#vPMDzj#%E;^TSHagnPB5;}Pf^C`dge=Q_lGc(1
zFP}{*7>bTc`31uUOR)USW#tbIQ;2|+!9SmyRglZ@K~Md!Vo6PiWSsUDjuWEKg^DkB
zk}!0$5*1C+>u-k`8^uTOZTVbz^Q$8m&@+F8;`LUWDs;Xo%aeZdm4@^N`VI3mUZ5Bs
z>B+HQ$@`{B7f33Msf*{pw=MSc^+MvlP=M|Aqp4o4bptJw*UerhT7h%>I
zAE$x{R;pu!wqqR)Dr7!OabGFEhS|8%{KvgRNAKQRJ;K=9CHO*xe$gUV{r+Ar4`~1i
z5-C+o(O}7A9naNohej}s@~=@1YP3#ow2HEa!xqNo7OJp-fUx{(jez=gtf)bqU4`H{
z)nh%31$ZWSSz~^n%Mu@t>2jwp`?#YwnNHf|
z(Ey($F0Px!8H^SqJ3CWV8i;wA>3+TeYz}MM%a+vsoJwjHgS`M3$(dMNTN^V?h>p>j
zVRl#(MThkD9QAc&?nG~RMV)D_pb*sl1AoIWH8K{`FcTMqej(cXDnLmKs@XN9)-6-+
zh7jUCD23L7Zr&}I0i+jlqFIaZrKFCv*QeWRC~ly6QA&ZK-uIMz7&0iYLee{76o{Cu
zZ5}^_S7q#XMOAY7##dl~ci+O-&q&A*;gFAb5v<0uN8WMs7&L0tFzRu>5;6gfToSys
z=A%9egrqBKua>RQLsdb7>>#@%TcH>8}t{1_2H{Z=C|^D=|*OTNjAS$d|p#hT&pjo5RM74
z4(IWYUu)jiE(ibsdzr=3j|O-)lXd1D2gGgryK%y^bO$RS5aO;}g6^SGLcV@uv!tQPAz=YBnbp2!QKcdFyV2^h%
zgy3#D2p?^?z{%*KVakK!bm-M);EyYeh?S2kwjAqUWND8LA%pL_el}G8*{Gq?u1NT=
znFug6B2T@^)n*V@;KxFasfUwf4SCPMRN(a$eLmHiWQT9)2ck1K{DTp%#H9cq7e=q)
z>1@4)G-QuOy~C!4{eS(vrctC%Hx|LYarmGdo5cW%#I*m8E4Vrv|D^8W9ZXcApzn9B
z7Gy9tebL`)Gr9RCKInVPBM?KMw5iBZ7q@~W$xXy>(t=)M&O>!YR2JkVu4K68+qzvk
z?fgp=+Q6vcC*Nq`@KoOM;7Ta{r*ToV@o1~leO*TDC{?cS`+
z<(Js`4$hb`GgQlH%6=IA5}1odZ>iDl}`ytrv!yqB%4l)7;p`qH2Dx_a>j}um=ktfG!D%J;G{F^E=S->tz~R
zAra&bKQ~AG+b9GA;#62U)a+IWBZ=wq+idS*-^ARwb!|@-n%}UTXjm_ccU(|Lq~bcM
zxUXm5d~1bpb?gUj5M>kQiK$(C{^|DqX*uGiAs)f7&FtOoe6Pu3SBO`YnC7(Vn+g$wTL
z5Iq@Z`SP;n@ViC$aA4+8725q$2Z~+9IJ})VrZ0Nl1a7%%D@s58ataF{~e)#=LK6
zFFmsRqg%fW5)@7kF?)-E>bEmwX^;psR8};cno5PxFys}J72S`h;cNOqvF00#0huWp
z`Mu)&+fh3d$6d|h$9}9V`yA&!JEVcnkpH9zadhuM7SSHBfMG}2vZ+mu1L>F$5KW1r
zmU|C2a1)ti2V7??dyjhsW;SZori-VHJd=la2Q=zAK2e2#G)$Io=Scef*|(GDUaOsS
zTy%Jmr>1pg2pQC-}$3IVh9~i_hxJ5OF|He4X0mtG}bx9ng$;)XUW8YSXW#E!7%-m~_hcaE|eO*;=2
zX>^NuK;R80Z@ycRr5&A)G<`GMLberLJUC(`bBhbvzJbh(3wicsH3p5f<-gDfwvw6!
zH45@24S$c+K?cucf8ZUAwm3b&o52!udhpGCaH03Y)vzZ0d%T9dBUF1&2HA@9*x64`
zy>o?^g6H1jPJLtk>;uH+q-AO5e)GjtXE{zpO3PQi=2K8+Gz?W-VEaMwtICHGrd3D)
z_s6$7KXdKIIKG47dcMjg@4kCtHDu90+bj61fk?~l#3t_jDo`vBpCeU5KwHiJ-
zR$E1*1O>KiRmVaA$s;5aORYlcjh1!MpQ@{;5BErJ%4dU`N=aetVN*`VOo8DEA~&Zq
zRVS>L#_*>;pT6IzL`N^pEnC7I$Xm6l`=n_#@SNaL(xg1dg|LA0s=q3Ii=
zI_
zJIlpwlvLv(q-IErX1Etpq(IN&_z#XaO&AZ)iVa<9G@6>o++csJSTkUp3F#L?;1lpB
z+8qbepY^nB6>vo!}Qo
z9unwjU)?tcZyXId>S7G&^RX>Wa2F|p1CL0;=R*sZMGI&^Dm~9jd^Z|mYyF82FI+-!
z&V06TIznf#ZQ)o^blRxq6XRf_v3&0q!7rgI&>-;seNC4#N0nv1yO>24qcFPBLzTnB
zM5&DK8Sx$JT8%+Z!Qbg8craY-rIW_NwkYt?@NI8GIAF)p`_b^`fzQw)+S#%QT|(`T
zDBT~20pK~=qtk#1SNAPQhXte!_>9E_hjv&%fXtSe@p$HY;)TPm>h!$(d7(vCdKP$i
zN5?NIhj0#;@NwCSGw%nhR*1pum08jmx3=kUH1suuVqn(R`Nkh1{B-U{L$5wJ(?&|l
zDZbaCzR!2(`bM<+2B$%*k2BYXDSJTyQ(FQ6cs7RRXF=8{z3pfo5&-W7TE`>$)*ewY
zaO|0Q3aSj7n3N2k@UsCH!JoyXZqp}G)TKsU5P(Fv_Rd7NI)ucN@p3K
zg#SHVgPwpS26BNzg#N`|n+7I{(OaSi>dqS=2J=&2j=`C#Cc8uAccxOfYl8#@^lZ7_
z>45Z;0-Xi3QS0*=Vb&x+;iw_kwaJMV!vG<)mZ#Qw&g{K1HDRrGij3V3O~~nI4*pe#
z0^u}~)$tYn-|GjZckiw2p~zN@=njk1SS0}ia%znYHdp6vp{1f%xP${>u2h@mWj-!2
zlc9p-aT7jCg%CQ)cvZ2y`!x%fASI5|Hlc?cA_
ztH6^t?WeWGgqq>}+PW5rn2fXY0Bo+oyolI(sr9s^Lw6AWo|Rz07sR0@RNeZP_TJxJ
zGvhi7pa0WPJE=ld3JCNt4xF8OX#@_TZM!WZ298J;oqgj6th!7nNwwc4fVBuSpYZ0u
zGVrGVRh7%>QvfEwtV;mVVhtAsg!bc=Tvh?hJKkcbmL%{m*b4tM
zYJj7`WgBhv-Xn1#LaQbWW<5XDM;1#Ji34gtCA{1~lt6-r7E|Q!CpVM@`{4f|R7Ao7
z9eao`YY?|Gd6j7NA|aI`VLl|aq@_M{1%RGXSJrUjtW^n>1pfj~ppEQqY)a?XAwyVRR63c+yuzsH;mu*=fI#KSmgq-ZG5hiRROD*s((=y{}H{oAywcU
zsnbXcJ2X#^s3c?k9xo{HO_n=O3H)a->jg60ei}3xjtB)1>_l71IDfYSRQD4!TAMKE
zJiABxc7(}0*9yR+AL`u1HRt>fsjU1qrZrVtdl_EZef!)uXc)oIOgFwV!M1{PBQ_2>
zv}y34iQ&qQ_1_aSn{ohB)S%v)Ho?*AtW;&id{a?uQMz*UUJ;@yusg6w#}0P9g;tUc
zG@QG~RPN7E9hbNUDBh}ko8AjlC%}*pR-)2RMrIf%3b&K%h^eAmY7LI{uV;FMqV85f
zNp)elW~YAYob6Wu*@J-N&BF)FeFf1({;{Dd{M~6@`%4;W_tNDeBk=b@#>)hVMJPHn_K
zB`pQ_;2(=po7-hO*PQ(THET4QC_ZeAA_VIW68*E=erGB({Tv3?U13^H*&m}60f5l!G1(|`PwHaASX39Yhjp
z|4$WQ+|4|eZrAx;Q&Uq}nLJTSSxG6&`(YUv?R)4lDNUnsf}2Vch+%W^IlEgGN*95#
zdHGGs)xA|kA1Cm%)<@jq=+Jips5~-IH&K-kzEOg+_qAGbXDB%=!GZuR-Rc5iEuRvt)A>0xOq>FI)au1jru>c{7VDVZrVnHg-^B{FOwxS
z5d|9DaK4x^1T+^wY)2Mtp*tX0{Og1`;_3$0$LBt0dB-{<270SnJ*rl$XL#h#f@Ok6
zpVzc!uJo;%T4i(kb@TJ5RcJaf2#1JW5b$xTr
z#}j%^1!lGuSDzqvW;^D~5FqG2+VOG$lV
zJ%&}X#_aNlnm9ilrI5(=*5m3rQxJ$0AjTWRg?^-q4&&e#SX-DWQ~!__M!);z%Kvpf
z#-*tijQjhjwo#a6pITXcx&gvG1p)Ph_1a<##6N3PR@ve8xYAuX+8e>!YH&zvY2w9{S
zxPUm#S@@aET~Ywkiz-lxSA``Qn6{KIH<_cJrtf%!4N1@rAH+8yY0}vwI{;W-DLxW!Sd4`itH>*5mm7Ctb
zZ_5fbQ{Pz=ay9!00j98(ug#`cq-p+N4Pb%@)5Q22a=>zUgcs0Ix0Mym7d59K$_G;PctH%Btdp`06@gPc7uEh%AE?FC30SN;=69q6vp~I*uVEOFo{#2g|lE789gz*yAW{B*NFs#J0}&b6ssYaBLi>Ulq}
z{&ADsb+*!Ab$>FisA$xZ)>6RS2Mi+?#agV03HvETB`g^!;vN*VR>>Xg2kmcM7-E_)
zZLnnQrdg^lASUiX^9ki}RFmFriOPdF!Dvxwap49Y!Cquu&x)gS!SYojaYPsQGW6H#
zC&EX+d*!U$2h=*_%m^|8h1hDr1xX$I
z5P{SM?rEj(PHf=XeO*MOgO@0PnV9H10VuRiuap6~_VRzGX&KK@^`R8%@y#5k)=Cm}
z*ep7J()g${0CsC9x6zx|%t8i^fBTE#&fQ0L2V1n&$=KruH3Ee{MPM~F)X$%&2_(hM
zs!O4rW}3zQl(
zzlKT)WAu{ok;Vj4#Oyx~hK0oJ??L`35xiV%KS<<1S170C_m=a#jnsWhbvfc_o<
z2;664ieLiFko7D;Yk%eBsGG=bpPQ@jQ9q6-K(kJ1|;_wvwYug)V}JanX&5p8KeD84k}!1s>w!S!*|Q(-&^4?
zEV!=!n`r}s>?_(KyM9OES1&6+L)f}D7~h)tZJi0Ug6j{(USaj(V5?B@rE2kIFFWk)T<_Z318+vLXjY*doyn&*p5U1fX%nEbYh11P2uU)PP
zLDQ`bw>``j`Zb)N7|-gS(e=!%v$DyTpJD+gzH3H!`$URZ6|Y`Ks_z>4@qun=`^98L
z3v;tx@cJN<@8Z{sdfb_H2T7&wmZAam(zdUvXga=RfjPLpeS-)-_E8feA4;*Pn00eT
zbqp?uc@z-?V&RE)HnJvy$Ibh7cG;bC*qnXDn6*P!s8!H&utI;^^y=XHkNit!W?ycr
z;zaOX#io)SEqz~*IUuO^sf}*rX-mKOZt*qTzlfvcA_JQ7))8+woyDblMwn*
zELuimbDdZx#pc4+Q7jS&NGg$Ne#*=7Z!mCNykWm%R=3_B9$XvO?;grF1b;0Y`pS1m
zuHI3!M*lw5*a%C$ogg0PS&+pop3IcV-By?}-fr;czyMd>*nl*PBV&*s@-IN6?
zn#2M}NAceQYL}~($rVA^&&qO5NAVL~2IJcQ@mbTP2w|PXB$yc;huh_Qfkk`DDL10>V!f=^Z97$UqYL
zy_t75w^EEo6k@^?@8>5D5_dlLcMRIewwjc#Cy@geBoR17@w`|cSrSxOb)@LpU&8q$
zhJA_h-$l(+{dZng+|%4QYt9&k;H!%nX&Zyb1f^06yfv|()ymSN(#KwF$8V9cRNWOYysC!wh?XuyeRkbagWqGtmJd@xk;J!L-{
z$^}};!SjPjS(kC(ppl!)2Q2ZRZ5y6$E2P-;tvPyRQIn2%Cd+7BNg2zz*AH#k>)(biL&75CaYdt=cfxXlVe!So)X0n$~d?;)TZ@0(y>FInvlOk}$Ukln*
z@r&!~7JfsHhDT%%tK$)>fY-Us?U$Vv4li)A}zqUOuv$u3uw&Ki1gm!4jt6P$SX5TBuPiXziUq`V*8FWbbtlb7
z5D^Y-0XA`KdqYO(8at9H;xS>Po0#Vm+oe6+eru}Ka;ItP9QX8Jg2Aku6aN2N0G|xz
zoH39v?TM8dUCI7RTpU{I56$y1J)@M4TvF|fwUqY|YSxGKN>s7b;9h}K`x{wqy*A#I
zr5IatEw2a3)?6fEUk5{9hb=rr&@=vwcp8Sk39zlCJ~28y&S(;O$8*Y1^p)M_(t@g{
zC#Ksjg=n8Jv;WUH^8tDDibX;0=Y{}e1vI2ka+m>BT(l0$l#VXT_d7Fj-`FSFh3d+E
zBuX|Jq3@V7rXbWjjJy||gy|mMy-b2{Qcmva_~p+_GvP|a{-hdV7Iwv66q~+&z*(Na
zqzDbEqEJ#mV&I3436sdcidm4LGBE*&fv`;EQ&|1pMDak_$>6D|#m-
zRK){daI?Q0>93TTFbat^8ftu0@Ret^VGi)B;U$A+wzTZZO@dskeY=Y4>bb1KWRy^z#j*X3DVFOczlrXrMF0$0=f5%(!aB(tL@mK-dn>#VD#)D1@ZfhN2wASs=p86$)yPCBkQmU#k=D8a_KvqPpFA0>SxB_!p^o&Zgn&U(M&|&=DbcDfx>6v2AsZ
z4(hD_jFo;Hw^3>{YCB3|U#w~K{1ESoIzNL(Rj{tkh}B7U@&5g!7jSqthQ0qsT&l|s
zMtmUnTOA$D>Z~lG#e3$Y4EA3Ye=NR$5yS_dWXGlRbu`igF)>Flnd3|ANZCTX3YLw6
zTx^LAjSKIQlCxpKM(ECs6NTV&>!kw?F#RtH#yaHj$Ce($7zaP%{$;?4N-?H=Yi2LD
zg1dC3lc^Lh3eG(n$O5hmx8-%`$UGlVSlx1#XM^Y{T>VBhiPTLQBov{Dr@b`^qrWgL
z!f$p|SZwU3Rl@4b!Cf#MB4pf4p4b?r$v}i$akGVmv_Fd7`n}T&X_hKz6%%4`M9GM)
zIL_U9mWkYa0h8LF(&WCuyE9S^ig&EZ;$pN*b7#2Hxh3nu=I+l8k`4+di&ih~CH&dy
zn2#W1d5|$YOa1ffx0cXL*Ppoo*^&s00ftgF{V^HTIOl)dZ%3sXf$Zr#
zZ_caUEY~YVK?~=CVuZQnh&}AkcqS^FuFjcr#Dn4C@RrAF7yKb}-Ky@mp<7}#ig=)6
z)&dwkA}sizpvTtsRcEssC$n3s-Hdgb8G}fS9tO_9(cH>zOh2BtZ+E9^BK=&Mh~RJ+i|yldA=rO{>)INw&L+
zo1>|@lZ0>WhIIktO=Rz9Fk<4eE6y9|Zo+hP~6
z(QsL${ezuZ_(P2%aLz2}-h7@T=E$|m^#%R`N
z%Ek)m1M{2g68nG-3-h<%hLjOERqiIi*=4F%$YWcCjJ7Bw3v0)Wg$vBZagLfG5HW>S
zj)PmQ`ND%)A5FM$z@ZE#HKte9CO7eY{}ayGArRqo-herzX0P|bkS|wdu0CHoHrlR+
zO<;Vw&bo<@@^Benv~s|@Wi2~V3%;(hEQ#+x$*bfS{ar`FIq_|$qIb>d
zl4FVCW9|XePddu2EC&y(Lg&g$41z(gv0m3BX`fj(Kn1=Z(RS)pzb0{r^pE;OZ9;_8jG!x_QrXZ6dnx}4m?l>2WmAca+<3xou_>uq(zP%$-ahyKhIU1x=Iy0bq
zO$`oV@LS)fmsk%hAdInI7!L8yi^;My&ebQOYn~j(x*TyMQaP+7x-500{Gc#IH=!gs
zPi_O}`<`!pnNVGskYo5xXp<#yDgY^l;Aa-P{A};C0zD@DE1YQe|Awhy~!;C|<;zTUcgpM)$o9m1-JVM&fp)_~F
z=dxp%o%_^ZDym`YV(R<1?Vn{Nh4Pq-#_7W7H#mIm17UhEkMQp=RA@C>FN>ILp58yZ
zZnz&Rj4vm^rqany*jEZMAR+BsYMM@DSkx`Y#m9pc^E?iW7J92SNBsT#Bbu~ku-f`M
zqXTRJx+oBaByPa_w{maU**j&r`wW4~n%CVQ-IIp;f%V5%7K_!Roz8L7_<|unq6dhZ
z!f+kv09R?fla#6zhF?c2Vzj&-9r)yL4<|thxcuv5wtU&t_S~xLQ9mB`?zXGI2*TR&
z{kq0T%&``!BTnOsyx1N8R?O>Fmj6|%p4=Kktr=4&E!%zH++2~HZv^^`LBpD-@uBYZ
zC7_xg^}LXkY85J1hQsdUH!SHC7kA^?0en8c;?n2H7<}j+`=3is
zrnBh2tIAm?(mindao|=}47;6|?D{U=!(gH}s<$+$Z?_QtFpWdYLWiehR`4YWT@ofi
z^%2IXk~OGiLt{eHRCi3RQ#!RQ+`ziU0@Ik(R;2yGNo_~&sAKM|Er72T5S(dbDsXs?$udx~xi$SeY6-SvGgnStvaem;gVsz=
z?WP*)gM>tlJOs#f%jFT6#oXnQRAUs*e4ny7zu*YLgvj(5Lx*?WIgLff0j38?aOwY5
z&c>{%BDuhFuj2CZ_T686#o|q?-d9^+Ky-<8Ti-voUxE9D5c_bijeY_OGDB1c0q?b3
z$X#TGn?p2n#OCT4b16;OriFnyt$vu0v9Oo#dWE{bJifR;_?)w|#qeJ&gEO!034R5=
z#mA=2ByD*GD?LAYyb(~|KYy4Op~$Q^c8nkiV|r>+mfhg;OQ;Rxuq&vz`q3bvBWLD|
z{qG?MKKBy9ZLh$?y(jQJB=gXBXdN|?_6N5|5s>68bq}w?c6;yan;i;hEmYUO-i_!R
z*{gAoc#aji4Hv;*oB6xqUe0_LC2}DdP%O+!<3DT
zH3CO|(h73Q;FB$Kwy8O4d4Ej3yUA9T2b^2V2XA!WBWBz43gAR5dPip|J7ZY`=iNS*MIOQ1s>Oc@!vbUyI}2q
z57HYN8VHaNfu(#*`vZlyjfYGX_JBo%0IrBOt|AfStFUQGCS+tsg1
zelS_SPMdtuvVx}xVP0%aA*Q4iHPgVR6LLmNHDg8^%8KwPEb6iSlL!`}YFqQGhU4m%
zUPtG6!%)=dB<@c=WkLmMQ)gl+dPi0hY`5@7BS%l2iE7QDkTv}E7htrubT`~|7&B9G
z7Y5Mx{x3%d{h(%wTgyin)HBV=U0DuAx>~?TGjp6nQJ~D@amSzbb~62fT(p4UCN0s}
zL(LWT#Wd#%8-Ifb^LEncO?+1x@a^o>VpE8L(a@wE*vsT%O{KRoO6`wvJ95mz@JxOv
zS7|If86>d;R*=@(2)}olt-EhsaTOF4%+Jq1q-$Un